Skip to content

Instantly share code, notes, and snippets.

@cjoy
Last active April 21, 2020 04:05
Show Gist options
  • Save cjoy/cc0c025d53be12a07c59caeb490f8813 to your computer and use it in GitHub Desktop.
Save cjoy/cc0c025d53be12a07c59caeb490f8813 to your computer and use it in GitHub Desktop.
Decision Tree using Sklearn.ipynb
Display the source blob
Display the rendered blob
Raw
{
"nbformat": 4,
"nbformat_minor": 0,
"metadata": {
"colab": {
"name": "Decision Tree using Sklearn.ipynb",
"provenance": [],
"collapsed_sections": [],
"authorship_tag": "ABX9TyMJNa+SZv3sc+s/cOf0djNR",
"include_colab_link": true
},
"kernelspec": {
"name": "python3",
"display_name": "Python 3"
}
},
"cells": [
{
"cell_type": "markdown",
"metadata": {
"id": "view-in-github",
"colab_type": "text"
},
"source": [
"<a href=\"https://colab.research.google.com/gist/cjoy/cc0c025d53be12a07c59caeb490f8813/decision-tree-using-sklearn.ipynb\" target=\"_parent\"><img src=\"https://colab.research.google.com/assets/colab-badge.svg\" alt=\"Open In Colab\"/></a>"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "k8juX9oZ4xFa",
"colab_type": "text"
},
"source": [
"# Decision Tree using Sklearn\n",
"**Aim:** In this notebook we will take an out-of-the-box decision tree model and apply them to a given dataset, using Sklearn. The task is to analyse the data and build a model to predict whether income exceeds $50K/yr based on census data (also known as \"Census Income\" dataset).\n",
"\n",
"The datasets are available here: http://archive.ics.uci.edu/ml/machine-learning-databases/adult/"
]
},
{
"cell_type": "code",
"metadata": {
"id": "9Awxz3jq4sIZ",
"colab_type": "code",
"outputId": "4b5463dc-02a8-44ad-cc4d-9c9c312c1786",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 411
}
},
"source": [
"# Set up environment (i.e. download datasets)\n",
"!rm -f -- adult.data \n",
"!rm -f -- adult.test\n",
"!wget http://archive.ics.uci.edu/ml/machine-learning-databases/adult/adult.test\n",
"!wget http://archive.ics.uci.edu/ml/machine-learning-databases/adult/adult.data"
],
"execution_count": 41,
"outputs": [
{
"output_type": "stream",
"text": [
"--2020-04-15 14:48:09-- http://archive.ics.uci.edu/ml/machine-learning-databases/adult/adult.test\n",
"Resolving archive.ics.uci.edu (archive.ics.uci.edu)... 128.195.10.252\n",
"Connecting to archive.ics.uci.edu (archive.ics.uci.edu)|128.195.10.252|:80... connected.\n",
"HTTP request sent, awaiting response... 200 OK\n",
"Length: 2003153 (1.9M) [application/x-httpd-php]\n",
"Saving to: ‘adult.test’\n",
"\n",
"adult.test 100%[===================>] 1.91M 4.10MB/s in 0.5s \n",
"\n",
"2020-04-15 14:48:10 (4.10 MB/s) - ‘adult.test’ saved [2003153/2003153]\n",
"\n",
"--2020-04-15 14:48:11-- http://archive.ics.uci.edu/ml/machine-learning-databases/adult/adult.data\n",
"Resolving archive.ics.uci.edu (archive.ics.uci.edu)... 128.195.10.252\n",
"Connecting to archive.ics.uci.edu (archive.ics.uci.edu)|128.195.10.252|:80... connected.\n",
"HTTP request sent, awaiting response... 200 OK\n",
"Length: 3974305 (3.8M) [application/x-httpd-php]\n",
"Saving to: ‘adult.data’\n",
"\n",
"adult.data 100%[===================>] 3.79M 7.04MB/s in 0.5s \n",
"\n",
"2020-04-15 14:48:12 (7.04 MB/s) - ‘adult.data’ saved [3974305/3974305]\n",
"\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "Wse1bY1UA_D7",
"colab_type": "text"
},
"source": [
"## Step 1 - Importing datasets & libraries\n",
"We begin off by importing all the libraries we’ll be using and loading up the CSV data using the Pandas library. Pandas allow us to manage and manipulate data frames, which will be useful in the next step. \n"
]
},
{
"cell_type": "code",
"metadata": {
"id": "HG24f-Y85l6z",
"colab_type": "code",
"outputId": "cbcaa186-fc4b-480e-e934-d1b1830292c9",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 136
}
},
"source": [
"from sklearn import tree, preprocessing, metrics\n",
"from sklearn.model_selection import train_test_split\n",
"from IPython.display import clear_output, display\n",
"from matplotlib import pyplot as plt\n",
"import pandas as pd\n",
"import numpy as np\n",
"import collections\n",
"import graphviz\n",
"\n",
"\n",
"# Supress dimension info from printing\n",
"pd.options.display.show_dimensions = False\n",
"\n",
"labels = [\n",
" 'age',\n",
" 'workclass',\n",
" 'fnlwgt',\n",
" 'education',\n",
" 'education-num',\n",
" 'marital-status',\n",
" 'occupation',\n",
" 'relationship',\n",
" 'race',\n",
" 'sex',\n",
" 'capital-gain',\n",
" 'capital-loss',\n",
" 'hours-per-week',\n",
" 'native-country',\n",
" 'income'\n",
"]\n",
"load_data = lambda input_file, head_row : pd.read_csv(\n",
" input_file, header=head_row, names=labels, skipinitialspace=True\n",
")\n",
"raw_trainset = load_data('adult.data', None)\n",
"raw_testset = load_data('adult.test', 0)\n",
"\n",
"print('Raw Trainset:\\n', raw_trainset.head())"
],
"execution_count": 42,
"outputs": [
{
"output_type": "stream",
"text": [
"Raw Trainset:\n",
" age workclass fnlwgt ... hours-per-week native-country income\n",
"0 39 State-gov 77516 ... 40 United-States <=50K\n",
"1 50 Self-emp-not-inc 83311 ... 13 United-States <=50K\n",
"2 38 Private 215646 ... 40 United-States <=50K\n",
"3 53 Private 234721 ... 40 United-States <=50K\n",
"4 28 Private 338409 ... 40 Cuba <=50K\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "ZcqDUMjaBFJG",
"colab_type": "text"
},
"source": [
"## Step 2 - Preprocessing data\n",
"In this step, we apply to transform continuous-valued features (age, fnlwgt, education-num, capital-gain, capital-loss and hours-per-week) to discrete values, by applying a binning method. We use the pandas.cut method to group continuous values into an arbitrary number of bins, for each of our continuous-valued columns. After that, we merge a few redundant categorical values, in order to provide better generalisation.\n",
"\n",
"### 1. Discretisation by Binning\n",
"We using pandas cut method to bin columns that contain continous values. This is a pretty naive approach and just allocate values into an arbitrary number of groups.\n",
"\n",
"**Challenge Todo** - Looking into other binning methods, such as [optimal binning](https://www.ibm.com/support/pages/what-optimal-binning-and-how-it-done).\n",
"\n",
"### 2. Data Reduction\n",
"We can merge a few categorical values, including the following:\n",
"#### Original Category Values\n",
"* **age**: continuous.\n",
"* **workclass**: Private, Self-emp-not-inc, Self-emp-inc, Federal-gov, Local-gov, State-gov, Without-pay, Never-worked.\n",
"* **fnlwgt**: continuous.\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**: White, Asian-Pac-Islander, Amer-Indian-Eskimo, Other, Black.\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.\n",
"\n",
"#### Updated Category Values\n",
"* **education**\n",
" * Merge: 7th-8th, 9th, 10th, 11th, 12th -> High-school\n",
" * Merge: 1st-4th, 5th-6th -> Primary-school\n",
"\n"
]
},
{
"cell_type": "code",
"metadata": {
"id": "BueRYxW0BgIf",
"colab_type": "code",
"outputId": "ddfb6883-3f43-4047-9d66-51b759246d2e",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 238
}
},
"source": [
"def preprocess(old_df):\n",
" # Copying into new dataframe so mutations don't affect raw datasets\n",
" df = old_df.copy()\n",
"\n",
" # Binning Continous Values\n",
" bin_df = lambda data, num_bins : pd.cut(data, bins=num_bins, precision=0).apply(\n",
" lambda val: f'({int(val.left)}...{int(val.right)}]'\n",
" )\n",
" columns_to_bin = [\n",
" #(label, number of bins)\n",
" ('age', 15),\n",
" ('fnlwgt', 10),\n",
" ('education-num', 10),\n",
" ('capital-gain', 80),\n",
" ('capital-loss', 80),\n",
" ('hours-per-week', 4)\n",
" ]\n",
" for col in columns_to_bin:\n",
" df[col[0]] = bin_df(df[col[0]], col[1])\n",
"\n",
" # Data Reduction - merge redundant column values \n",
" merge_column_values = lambda df, col, old_vals, new_val : df[col].replace(\n",
" { val: new_val for val in old_vals },\n",
" inplace=True\n",
" )\n",
" merge_column_values(\n",
" df,\n",
" 'education',\n",
" ['7th-8th', '9th', '10th', '11th', '12th'],\n",
" 'High-school'\n",
" )\n",
" merge_column_values(\n",
" df,\n",
" 'education',\n",
" ['1st-4th', '5th-6th'],\n",
" 'Primary-school'\n",
" )\n",
" \n",
" return df\n",
"\n",
"trainset = preprocess(raw_trainset)\n",
"testset = preprocess(raw_testset)\n",
"\n",
"print('Preprocessed data (subset=High-school):\\n',\n",
" trainset[trainset['education'].str.contains('High-school')])"
],
"execution_count": 43,
"outputs": [
{
"output_type": "stream",
"text": [
"Preprocessed data (subset=High-school):\n",
" age workclass ... native-country income\n",
"3 (51...56] Private ... United-States <=50K\n",
"6 (46...51] Private ... Jamaica <=50K\n",
"15 (32...36] Private ... Mexico <=50K\n",
"18 (36...41] Private ... United-States <=50K\n",
"22 (32...36] Federal-gov ... United-States <=50K\n",
"... ... ... ... ... ...\n",
"32517 (32...36] Private ... United-States <=50K\n",
"32522 (56...61] Private ... United-States <=50K\n",
"32526 (32...36] Private ... United-States <=50K\n",
"32535 (22...27] Private ... United-States <=50K\n",
"32551 (32...36] Private ... United-States <=50K\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "ProqygZcKlVi",
"colab_type": "text"
},
"source": [
"## Step 3 - Encoding and Splitting the Datasets\n",
"Before we can build the model, we encode all the features and labels as integers using sklearn.processing.LabelEncoder for target values and pandas.get_dummies for input features. Each of the feature values is represented using a binary vector that can be inverted back to the original value at the end. After that, we split the training and testing datasets to their respective feature and target vectors. \n"
]
},
{
"cell_type": "code",
"metadata": {
"id": "pSSJSneZK5wE",
"colab_type": "code",
"outputId": "c4ae70ef-2c4f-42c3-df0a-1acb742e261e",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 289
}
},
"source": [
"le = preprocessing.LabelEncoder()\n",
"\n",
"# Temporarily concat training & testing data\n",
"dataset = pd.concat([trainset, testset])\n",
"X = pd.get_dummies(dataset.drop('income', 1), drop_first=True)\n",
"y = le.fit_transform(dataset['income'])\n",
"\n",
"# Split training & testing data (7:3)\n",
"X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3)\n",
"\n",
"print('Encoded input:\\n', X_train)\n",
"print('\\nEncoded target:\\n', y_train)"
],
"execution_count": 44,
"outputs": [
{
"output_type": "stream",
"text": [
"Encoded input:\n",
" age_(22...27] ... native-country_Yugoslavia\n",
"964 0 ... 0\n",
"16024 0 ... 0\n",
"28406 0 ... 0\n",
"21728 1 ... 0\n",
"19777 0 ... 0\n",
"... ... ... ...\n",
"31593 0 ... 0\n",
"10802 0 ... 0\n",
"17256 1 ... 0\n",
"2345 0 ... 0\n",
"17636 0 ... 0\n",
"\n",
"Encoded target:\n",
" [3 0 0 ... 0 1 0]\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "vSJAPzfxB9Q4",
"colab_type": "text"
},
"source": [
"## Step 4 - Building the Decision Tree\n",
"In this step, we try several combinations of parameters (criterions & tree depths) to see which model gives us the highest accuracy. We use Sklearn’s DecisionTreeClassifier to fit the training examples into a tree and plot each parameter iteration to see how well our model does relative to the other iterations."
]
},
{
"cell_type": "code",
"metadata": {
"id": "kHTpq7cPCOPN",
"colab_type": "code",
"outputId": "0eba93df-729c-4dfd-ba5c-74256825a64e",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 350
}
},
"source": [
"%matplotlib inline\n",
"\n",
"# Parameters\n",
"CRITERIONS = ['gini', 'entropy']\n",
"MAX_DEPTH = 50\n",
"\n",
"def find_optimal_model(X_train, y_train):\n",
" optimal_model = { 'accuracy': 0, 'criterion': None, 'model': None }\n",
" data = collections.defaultdict(list)\n",
" for depth in range(1, MAX_DEPTH):\n",
" for criterion in CRITERIONS:\n",
" model = tree.DecisionTreeClassifier(criterion=\"entropy\", max_depth=depth)\n",
" model = model.fit(X_train, y_train)\n",
" ŷ_test = model.predict(X_test)\n",
" accuracy = metrics.accuracy_score(y_test, ŷ_test)\n",
" # keep track of the parameter of the best model\n",
" if accuracy > optimal_model['accuracy']:\n",
" optimal_model = {\n",
" 'accuracy': accuracy,\n",
" 'criterion': criterion,\n",
" 'model': model\n",
" }\n",
" # Plot model metrics\n",
" print('Criterion:', criterion, '| Depth:', depth, '| Accuracy:', accuracy)\n",
" data['Accuracy'].append(accuracy)\n",
" live_plot(data)\n",
"\n",
"\n",
" return optimal_model['model'], optimal_model\n",
"\n",
"def live_plot(data_dict, figsize=(7,5), title='Model Discovery Plot'):\n",
" clear_output(wait=True)\n",
" plt.figure(figsize=figsize)\n",
" for label, data in data_dict.items():\n",
" plt.plot(data, label=label)\n",
" plt.title(title)\n",
" plt.grid(True)\n",
" plt.xlabel('Tree Depth')\n",
" plt.ylabel('Accuracy Score')\n",
" plt.legend(loc='center left')\n",
" plt.show();\n",
"\n",
"model, model_stats = find_optimal_model(X_train, y_train)"
],
"execution_count": 45,
"outputs": [
{
"output_type": "display_data",
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAcIAAAFNCAYAAACT/m9IAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+j8jraAAAgAElEQVR4nOzdd3Sc1bX38e9WtyTLRXKvsnE3brgXMITihF4CpjsBDEmAFEhC3ksSQuAm4YYAIUCA0ItNScCEUEyxQzW40dxw772rWdJov3/MyIybNLY0mpHm91lLy/PU2XMYtHXOc4q5OyIiIokqKdYBiIiIxJISoYiIJDQlQhERSWhKhCIiktCUCEVEJKEpEYqISEJTIhQ5TGbW2czczFIiOHeCmX1Qw/ebZ2Zja3KP+sbMppvZlbGOQxKDEqE0aGa2wsxKzSxvv/1zQ8msc2wi2yehFoR+NprZq2Z2Uvh57t7H3afHKMyoCf23KQ777I+bWfZh3iPiP0pEDkWJUBLBcuDCyg0zOxrIjF04B2jq7tlAf+At4CUzmxDbkA5PDRLR6aHPPggYDNxce1GJREaJUBLBU8BlYduXA0+Gn2BmTczsSTPbbGYrzexmM0sKHUs2sz+b2RYzWwacepBrHzGz9Wa21sxuM7Pkww3S3Te4+z3ALcCfwt5/hZmdGHo91MxmmdmuUC3qL2FxjDazj8xsh5mtrkymh/psZpYeOrdv2D1ahGppLUPbp5nZZ6HzPjKzfmHnrjCzX5rZF0Chmf3czP65X9n81czuieCzrwVeB/rufywU682h2DeFPkuT0OH3Qv/uCNUsR1Rb0CL7USKURDADyDGzXqEENR54er9z7gWaAF2A4wgmzu+Fjl0FnAYMJFhrOW+/ax8HyoGjQuecDNTk+da/gJZAj4Mcuwe4x91zgK7A8wBm1olgIrkXaAEMAD6r6rO5+57Qe10Ydv/zgf+6+yYzGwg8ClwN5AIPAq+YWXrY+RcS/MOgKcEyHWdmTUMxpRAs633+6DgYM+sAfAeYe5DDE0I/x4c+Qzbwt9CxY0P/NnX3bHf/uLr3EtmfEqEkispa4UnAAmBt5YGw5Pgrd9/t7iuAO4FLQ6ecD9zt7qvdfRvwh7BrWxH8Bf4Tdy90903AXaH7Hal1oX+bH+RYGXCUmeW5e4G7zwjtvwh4290nuXuZu291988i+GzP7hfrRaF9ABOBB939E3cPuPsTwB5geNj5fw2VS7G7rydYQ/tu6Ng4YIu7z67is75sZjuAD4D/Av97kHMuBv7i7svcvQD4FTBezwWltuiLJIniKYK/pPM5sIaSB6QCK8P2rQTahV63BVbvd6xSp9C1682scl/Sfucfrsr33XaQY1cAtwILzWw58Dt3fxXoACw9yPnVfbZpQKaZDQM2EqxJvhQ61gm43MyuC7s2jWB5VNr/cz4B/AB4GLiEYLlX5Sx3f7uac9oeJP4UoFU114lERIlQEoK7rwwlju8QTCbhthCsaXUC5of2deSbWuN6gomGsGOVVhOsJeW5e3kthXs2sAlYtP8Bd18MXBh6fngO8KKZ5YbiGHqQe1X52dw9YGbPE2zi3Ai86u67wz7b7e5+exWx7r98zcvAA6HnjqcBv6jms0ZiXSj+Sh0JNkVv5JuELnLE1DQqieQK4AR3Lwzf6e4Bgs/abjezxqHnbT/jm+eIzwPXm1l7M2sG3BR27XpgKnCnmeWEOnZ0NbPjDjc4M2tlZtcCvyXYlFlxkHMuMbMWoWM7QrsrgGeAE83sfDNLMbNcMxsQwWeDYFPoBQSbIJ8N2/8wcI2ZDbOgLDM71cwaH+ozuHsJ8GLoPp+6+6rDLYeDmAT81MzyQ8Mr/hd4LvSHx+bQ5+9SC+8jCUqJUBKGuy9191mHOHwdUAgsI/i86lmCHUUgmBDeBD4H5hDsYBLuMoJNhvOB7QQTQZvDCG2HmRUCXxKssX7X3R89xLnjgHlmVkCw48z40PO5VaFrbyDYpPoZweEY1X023P2T0PG2BDvcVO6fRbCj0N9Cn2sJwU4r1XkCOJrqm0Uj9SjfNG0vB0oIfibcvQi4Hfgw1LN1+CHvInIIpoV5RaQ2mVlHYCHQ2t13xToekeqoRigitSb07PJnwGQlQakv1FlGRGqFmWUR7MCykmATrki9oKZRERFJaGoaFRGRhKZEKCIiCa3BPCPMy8vzzp071/g+hYWFZGVl1TygBkxlFBmVU/VURtVTGVWvqjKaPXv2FndvUdX1DSYRdu7cmVmzDjVELHLTp09n7NixNQ+oAVMZRUblVD2VUfVURtWrqozMbOVBD4RR06iIiCQ0JUIREUloSoQiIpLQlAhFRCShKRGKiEhCUyIUEZGEpkQoIiIJTYlQREQSmhKhiIgkNCVCiQt7ygNMW7iJ8kBFrEMRkQSjRChx4dEPVvC9x2dy3t8/ZunmgliHIyIJRIlQ4sLLc9fSoXkjVmwt5Dv3vM+jHyynokJrZYpI9CkRSswtWL+LRRt3c9WYLkz9ybGMOiqPW1+dz4THZ1KwpzzW4YlIA6dEKDH38mdrSU4yTj26DS1zMnjk8sHcfnZfPlyyhQsfmsGWgj2xDlFEGjAlQompigrnlc/WcVz3FuRmpwNgZlw8rBP/uGwwizft5rwHPmLV1iIA1u8s5vlZq7nn7cVsVYIUkVrQYNYjlPrpk+XbWL+zhJu+3fOAY8f3bMmzVw3n+4/P5JwHPqRZZhqLN33Tkebxj5Zz86m9OWdQO8yM0vIKps7fwH++WM8Vo/MZ3Ll5XX4UEamnlAglpqZ8tpbMtGRO6t3qoMcHdWzGi9eM4OcvfkF2egrnD+7AmO55GMb/e+lLbnjhc/41dw392zfl+Vlr2FKwBzP4Ys1O3vjJGBpnpNbxJxKR+kaJUGJmT3mA175czyl9WpOZduiv4lEtG/PSD0cdsP+Fq0fwzKer+NPrC/l46VZO6NmSi4d1IjsjhfMf/Jg/vL6Q/z376Gh+BBFpAJQIJWamLdzMrpJyzhzQ9oiuT0oyLh3eiTP6tWVPIEDLxhl7j105Op+H31/Od/q2YXS3vNoKWUQaIHWWkZgIVDgvzV1DXnYao4+qWaJqkpm6TxIEuOHkHnRpkcUv//kFu0vKanR/EWnYVCOUOhGocP76zmLe+GoDWwr2sK2oFHeYMLIzKcm1//dYRmoy/3def77794+4/T8L+MM5R2Nmtf4+IlL/KRFK1O0sLuPHk+cyfdFmRnbNZVCnZrTITqNFTgan92sTtfc9plMzrhrThQffW8b89bv4yYndOL5HSyVEEdmHEqFE1dLNBVz1xCxWbSvi9rP7cvGwTnX6/r8Y15P8vCz+Nm0J3398Fv3aN+GHY7tyYq9WB9REKyqc0kAFGanJdRqjiMSWEqHUmvU7i5m2cDOrthWxpWAPm3fvYfbK7aSnJPHsVcMZml/34/qSk4zxQzty7jHteWnOWu6dtphrnp5D65wMxg/twHnHtGfl1iLenLeBN+dtYFthKb84pSdXjM4nKembmuNnq3dw59RFbNhZQlFpgKLScrIzUvjFKT05rV8b1TJF6rGoJkIzGwfcAyQD/3D3P+53vCPwBNA0dM5N7v7afsfnA7e4+5+jGatEZvmWQp6av4ePixfQIjudFo3TWbujmDfnbeTz1TsASE028rLTyctO57geLfjVt3vSvllmTONOTU7i/CEdOGdQO95duIlnPlnFPe8s5u63FwOQkZrEcd1bUBZwbn9tAe8v2cKd3+1Po7Rk7py6iMc/WkGL7HSO6dSMRmnJZKWl8NnqHVw3aS4vzV3LrWf2iflnFJEjE7VEaGbJwH3AScAaYKaZveLu88NOuxl43t0fMLPewGtA57DjfwFej1aMcng+X72D7z0+k13F5by/dgWlYWsH9mvfhJ+f0oNT+rSia4vsuK0hpSQncXKf1pzcpzWrthbx2lfr6ZybxXHdW9AoLRl355lPVvH7V+fz7XveIy05ifW7SrhkWCd+Pq4HOWED9AMVzuMfreDOqYs4+a73+N0Zffju4A4x/HQiciSiWSMcCixx92UAZjYZOJNgDa+SAzmh102AdZUHzOwsYDlQGMUYJULvL97M1U/NpnlWGr8Y1IgLvnM8u0rK2bx7D9npKbRuklH9TeJMx9xMrjmu6z77zIxLhndiaH5zfjz5MyoqnHsvGsgxnQ5s1k1OMq4Ync8pfVrx8xe+4Bf//ILGGSmM6xu9DkAiUvuimQjbAavDttcAw/Y75xZgqpldB2QBJwKYWTbwS4K1yRujGKMcxLSFm3hz3gZys9PIy06npKyCv7y1iK4tsnni+0NZMGcGZkaTRqk0adQwpzDr3qoxr10/GqDa2m37Zpk8OmEIF/1jBj+e/BnPXJmueU5F6hFzj87ip2Z2HjDO3a8MbV8KDHP3a8PO+VkohjvNbATwCNAXuAP41N2fN7NbgIKDPSM0s4nARIBWrVodM3ny5BrHXVBQQHZ2do3vU18VlDq/fL+IsgCUO1SujdujWRLXD8ogK9USvowOZXepc9uMYgrKnJuHNaIxRSqnaui7VD2VUfWqKqPjjz9+trsPrur6aNYI1wLhD0zah/aFuwIYB+DuH5tZBpBHsOZ4npndQbAjTYWZlbj738IvdveHgIcABg8e7GPHjq1x0NOnT6c27lNf/WbKVxSXr+S1H4+he8vGbC8qZUdxGZ1zs0gO9aJM9DKqSr9jCjnn/o+4fz7c0D/zoOX00ZItlFc4Y7rlxe2z1Lqi71L1VEbVq2kZRXOKtZlANzPLN7M0YDzwyn7nrAK+BWBmvYAMYLO7j3H3zu7eGbgb+N/9k6DUvoUbdvH0jJVcMrwTPVvnkJRk5Gan07VF9t4kKFXrlJvFoxOGsGV3KX+eWcL2wtJ9jr/25XoueeQTLnv0Uy58eMbenrYiEjtRS4TuXg5cC7wJLCDYO3Semd1qZmeETrsBuMrMPgcmARM8Wm21UiV353evzKdxRio/PbF7rMOp1/p3aMo/Lh/MhiLnskc/ZVdortN3F27k+klzGdixGbec3pvFGws4874P+dGzc9hRVFrNXUUkWqI6jjA0JvC1/fb9Juz1fODA9XX2Pf+WqAQn+3jjqw18vGwrt57Zh2ZZabEOp94bdVQe1w5I577Pd/G9x2Zy9bFduHbSXHq1yeGx7w0hJyOV8wZ34KH3lnH/tCXkZKTyh3O0ZJRILGhmmQR111tfs2FnCS0ap5OXncY/PlhOz9aNuWhox1iH1mAMaJnCX8f34UfPzmHiU7Pp0aoxT35/6N6xiNnpKfzspO7sKi7jqRkruXJMPl1bqFOESF1TIkxAy7cUcs87i2mcnkJhaTkVDmbwzJXDorISRCL79tFtuGf8QF6au5Y/ndvvoLXta084ihdmrebPby7igUuOiUGUIolNiTABTZ23AYA3fnosrXMy2F5USlmggjZNGsU4sobp9P5tOb3/oRcfzstOZ+KxXbnr7a+Zs2o7gzo2q8PoRER//iegN+dtoG+7HNo1bURyUnBeUCXB2LpyTD552Wn86fWFhPcX21lUtrezjYhEh2qECWbTrhLmrNrBDSepZ2g8yUpP4fpvdeM3U+YxfdFmMlKTefqTlUydtwF3GNE1l5P7tOZbPVtiBlt2l7KlYA+pyUmM6Jqr4S0iNaBEmGCmzt8IwCl9W8c4Etnf+CEdeeSD5Vz55CwCFU6TRqlcOrwzqSnG1Hkb+fXLX/Hrg1zXOTeTK8Z04bxB7WmUprUURQ6XEmGCmTp/I51zM+nWUr0T401aShK/P7MvD7+/jDMHtOO0fm32LhJ807ieLN5UwAeLt5CemkRe5RJY24v5x/vL+PXLX/GXqYv48be6cfnIzgedscbdE34mG5GDUSJMILtKyvh46Ra+PypfvxDj1LHdW3Bs9xYH7DczurdqTPdWjffZP6hjM07r14aZK7Zz77uLueXf8/l0xTb+dG4/GoeGaSzbXMCtr85n8cYCXrhmBG2b6nmwSDh1lkkg0xZuoizgnNynVaxDkVpkZgzNb86T3x/K//tOT96ct5Ez//Yhs1du5w+vL+CUu99j9ort7Cgq5QfPzGFPeSBqsWhiKKmPlAgTyJvzNtCicToDO6h7fkNkZkw8tivPXjmM3XvKOfeBj3jwv8s4a0A73r1xLHeeP4DPV+/gllfm73PdnvIAb3y1nncWbOSLNTtYt6OYsrBFlyNVVFrOGX/7kDunLqqtjyRSJ9Q0miBKygJMX7SZswa2I0k9DBu0YV1y+c91o3n4/WV85+g2DAyNSxzXtzU/GNuVB6YvZUCHJnz3mA5M+Xwtf37za9buKN7nHu2aNuLFH4w4rGE1t/9nAV+u3cmSTQVcOboLTTIb5lqV0vAoESaID5dsoag0wMm91SyaCFrmZPA/p/Y+YP+NJ/fgyzU7+fWUeTz24QoWbthNn7Y53HZWX5pmprKloJQNu0r442sL+OEzc5g8cTjpKdX3RJ22aBPPfLKKE3u14u0FG5k8cxVXH9c1Gh9NpNYpETZQpeUV/HPOGr5au5MF63excMNuGqenMLJrXqxDkxhKTjL+euFAzrrvQwr2lHPP+AGc3q/tAa0EeVlp/OCZOfz+1fncdlbVk4FvLyzlly9+QfdW2fztooFc/uinPPnxSq4YnX/AlH0VFa4WCYk7SoQN1JTP1vKrf31JTkYKPdvkcP7gDpzYqxVpKXosnOiaZ6Ux9afHkpJkh5xb9ttHt+Hq47rw4H+X0a99U84f3OGg5wH8espXbC8q5dEJQ8hITeZ7o/K55unZvL1gI+P6tgGCnWh+PeUrPl2+jX9fNzqiWqZIXVEibKCmzt9I2yYZfHjTCRoqIQeoHJ9YlZ+HmlFvfvkrWudkMKZb3j7fpe2FpTz0/jJe/WI9Pz+lB33bNQHgpN6taN+sEY9+uGJvInzkg+U8PWMVAFPmruP8IYdOrCJ1TYmwASouDfD+4s1cMLiDkqAcsZTkJO69cCBn3vchlz36KZ1zMzlrYDtGH5XHK5+v4/lZqykpq+DUfm24+tgue69LTjIuH9GZ219bwLx1O9laUMr/vraAU/q0YtW2Yh58bynnHdNeTaQSN5QIG6D3F2+mpKyCk3prGjWpmdzsdN74ybG89uV6Xp67lnveWczdby8mNdk4a0A7rhzThR6tGx9w3fmDO/CXt77mj68v5PPVO+jeqjF/OX8Aby/YyI8nf8a7CzdxojpuSZxQImyA3pq/kcYZKQzr0jzWoUgDkJ2ewvmDO3D+4A6s21HMJ8u3MrJrHq1yMg55TZPMVM49ph1Pz1hFs8xUHr5sMFnpKXzn6Dbc8cYiHnxvqRKhxA31nGhgAhXOOws3cULPlqRqkV2pZW2bNuLsge2rTIKVrhrThf4dmnL/xcfQoXkmAKnJSVwxOp+ZK7Yze+X2aIcrEhH9pmxgZq/czrbCUk5Ws6jEWKfcLKb8aBQjuubus/+CIR1o0iiVh95bGqPIRPalRNjATJ23gbTkJI7rceDEzSLxICs9hctGdGLq/I2sKzj8qdxEapsSYQPi7ry1YCMjj8olO12PfyV+XT6yM6nJSfzPB8WM+uO7XPTwDG7993x2lZTFOjRJQEqEDcjXGwtYubWIk9QJQeJcXnY6kycO5/SuqQzu3Iyi0gCPf7Sc/3tDE3ZL3VO1oQF5a/4GAE7qpUQo8W9Qx2bs6pbG2LEDAbjllXk8+fEKLhjSYe/gfJG6oERYj73+5Xoe+2gFmWnJZKWlMHvldgZ0aErLCHr0icSbn57UnVe/WMdvpnzFi9eMPOIB93vKA6QlJ2kyCYmYmkbrsednrWb+ul1sKyxl0cbdJCcZl43oFOuwRI5Ik0ap/HJcT+as2sG/5q7duz9Q4Uydt4FpCzdRVFpe5T3W7yxmzJ+mccUTsygpi94CxNKwqEZYjy3bUshxPVpw30WDYh2KSK04d1B7Jn26ij++voCTerdi7qrt/PH1hSzcsBuA1GTjmE7NGNujJZeP6EyjtG/mTC0LVHDts3PZVVLGtEWbuPzRT3lkwhB1HJNqqUZYT+0pD7B6WxFd8rJiHYpIrUlKMm49sy9bC0s5+a7/MuGxmRSVBvjrhQN5+ophfH9UPjuLy/nj6wu58OEZbN69Z++1//fmImav3M4d5/Xn7gsGMGvldi7+xyfsKCqN4SeS+kB/KtVTq7cVUeHQpYUSoTQsfds14YpR+bw0dy23nN6bi4Z12rt82OhuefwKeOOrDfzkubmcff+HPDZhCMu3FPLQe8u4dHgnzujfFoBGqclc++xcxj80g6euGEaLxukx/FQSz1QjrKeWbi4EoEtedowjEal9/3NqL2bdfCITRuUfdA3NcX1b89zEEZSUVXDOAx9xwwufc3S7Jtx8Wq+955zcpzWPTBjMyq1FXPDQx6zfWVyXH0HqESXCempZKBHmq0YoDZCZVdvrs3+Hprz8o5G0aZJBkhn3XzzogAV/x3RrwZNXDGXzrj189+8fs2prUTTDlnpKibCeWr6lgLzsdHIyUmMdikjMtG+Wyb+vG820G8fundh7f0M6N+fZq4ZTsKec7z74EYs37j7oecs2FzDp01U17m1aUeH854v1bNxVUqP7SN3RM8J6atnmQj0fFAHSU5IPqAnu7+j2TXhu4ggu/scnjLvnfYZ2bs64vq05oWdLvlq7k6c/WcmHS7YCwWFJD182mLzsw3+muLOojBte+Iy3F2xiTLc8nrpi2BF9JqlbqhHWU8u2FKrHqMhh6NG6MVOuHcUPjuvK5oI9/PaVeYy5Yxo/eGYOK7YU8fNTevDn7/ZnwfpdnH3/hyzZVLDP9TuLynD3Q97/q7U7Oe1v7/PfrzcztkcL3l+8hQ8Wb4n2x5JaoBphPbSjqJRthaWqEYocpnZNG3HjKT248ZQeLN1cwPRFm+mcm8nYHi1JDs1kc1TLbK58Yibn3P8hVx/XlUUbdjN75XbW7ihmTLc8HrjkmAPGJj4/czU3T/mK5plpTJ44gr7tcjjhz//lT28sZGTXUUc8S47UDdUI66FlW9RjVKSmurbI5orR+XyrV6u9SRBgQIemvPTDUbTMyeD/3lzEp8u3MaBjU64ak89HS7dy4UMz2FIQHL9YUhbg5y98zi/++QVDOjfjP9eP5phOzUhPSeaGk7vz5dqd/OfL9VXGsbO46pqmRJ9qhPWQeoyKRFeH5pm8/uMxbCsspWXj9L09WEd0zeWHz8zhvAc+4razjub21xawYP0urjvhKH5yYvd9EuqZA9rx0HvL+PPURZzSp/UBw0DKAxU89P4y7nrra84e2I4/ndtP86PGiGqE9dDyLQWkJBkdD9FLTkRqLjU5iVY5GfskpxN6tuKZK4ezvaiMSx75hHU7inlswhBuOLnHPkkQIDnJ+OW4nqzcWsRzM1ftc2zZ5gK+++DH3PHGIjrnZvH8rDU888m+50jdUY2wHlq2uZCOzTNJTdbfMSJ17ZhOzXjxmhE8+fFKJh7b5ZDDNgDG9mjBsPzm3PnW18xYtg2ACnemLdpEekoy94wfwOn92nLFEzP53b/n0atNDsd0alZXH0VCovqb1MzGmdkiM1tiZjcd5HhHM5tmZnPN7Asz+05o/0lmNtvMvgz9e0I046xvlm0uJF89RkViplurxvz+rL5VJkEITgxwyxl96JSbxaKNu1m0cTeLNxXwrZ6tmPrTYzlzQDuSkoy7LxhImyaN+OEzs9m0W+MP61rUaoRmlgzcB5wErAFmmtkr7j4/7LSbgefd/QEz6w28BnQGtgCnu/s6M+sLvAm0i1as9UlFhbN8ayHHds+LdSgiEoFebXKY8qNRVZ7TJDOVv19yDOc88CETn5zNJcM70Sk3k07NM9leUsG0RZtYuH43SzYVcFTLbE7p04ouLaruLLdxVwktstMP2mN1/c5iVm4t4uh2Tcjarwds4Z5yCvaU0yqB1jWNZtPoUGCJuy8DMLPJwJlAeCJ0ICf0ugmwDsDd54adMw9oZGbp7r6HBLd2RzGl5RXV/k8gIvVL77Y53HFef2584XNufOHzfQ9OnwlAXnY6/5yzhj+9sZBuLbM5sXcr+rVrQs82OcGkWVTKvz9fx0tz1/L5mp2c0LMl9100aJ/lqmav3M6Exz5ld0k5yUlGrzaN6de+KdsKSlm4YRcrtxWRbMaUa0fRp22TuiyCmIlmImwHrA7bXgPsP83CLcBUM7sOyAJOPMh9zgXmKAkGVQ6dUNOoSMNzRv+2jOvTmjXbi1i5rYhVW4tYvHgxp48ZRM82OTRplMq6HcVMnbeBN+Zt4KH3lhGoCA69yExLprS8gvIKp3ebHC4d3olnPlnJxf+YwSOXD6FZVhofLdnClU/OomXjdO44tx/z1+9izqrt/PvzdeRlp9OrTQ5nD2zPEx+v4NZ/z2fyxOEH9GR19wbXu9WiNX7FzM4Dxrn7laHtS4Fh7n5t2Dk/C8Vwp5mNAB4B+rp7Reh4H+AV4GR3X3qQ95gITARo1arVMZMnT65x3AUFBWRnx29t662VZTyzoJS7j29E0/TYdJaJ9zKKFyqn6qmMqldVGZUGnLUFFazeHfxJTzaGt0mhfePg74ZZG8r5++d7aJlpnJKfylPzS2mdadw4JKPK3x/TVpXxxPxSfjggnaGtv6kvrdoV4C+z9zCwZTLje6aRnhydhLhyV4DZGwN8Oz+VRinVv0dVZXT88cfPdvfBVV0fzRrhWqBD2Hb70L5wVwDjANz9YzPLAPKATWbWHngJuOxgSTB0zUPAQwCDBw/2sWPH1jjo6dOnUxv3iZZ3p3xF4/S1nHny8TH7qyzeyyheqJyqpzKqXk3KaCwweuhWrnpiFo99VUq/9k144ntDaZaVVuV1YyqcT+/9gCkryrjunDE0Sktm7Y5ifnn/h3hSCtNWl7FmTwZ/vXAgvdrkVHmvI/HDZ2bz/pot/P6S0TRpVP3CAjX9HkWzSjET6GZm+WaWBownWLsLtwr4FoCZ9QIygM1m1hT4D3CTu38YxRjrnWWbC8lvkdXgmiZEJDqGd8nl+WtGcPVxXXj6ymHVJkEIjoH87em9WbujmIfeW8bOojImPPopRaUBnr96BE9dMZTtRWWced+HPPLBcopLI1uxozxQwZxV27nn7cWc/+DH3PHGwgPOWY8HdGEAACAASURBVLJpN69/tYHLRnaKKAnWhqjVCN293MyuJdjjMxl41N3nmdmtwCx3fwW4AXjYzH5KsOPMBHf30HVHAb8xs9+Ebnmyu2+KVrz1xfIthQzprHFGIhK5Xm1yDrvmNrxLLqce3YYH/ruE/369iRVbC3ni+0Pp0boxPVo35o2fjOHGFz7n96/O5y9TFzGubxvOGdSO4V1y95lcIFDhzFi2lX/NWctb8zewq6QcM2idk8Gny7dxfM+WDOncfO/5909fSkZKMt8flV9rn786UR1Q7+6vERwSEb7vN2Gv5wMH9Ct299uA26IZW31UXBpg7Y5iLmjRofqTRURq6Fff6cnbCzYyZ9UO7hk/gJFdvxm2lZedzmMThjBj2TZenruW175czz/nrCEtJYkOzRrRKTeLvOw03vt6Cxt2lZCdnsIpfVoztkcLRh2VR0ZqEif95T1ufukrXr1+NKnJSazeVsSUz9Zx+YjO5B7BMlhHSjPLxLkfPTuHpZsKaNE4fe+aa+oxKiJ1oX2zTO4ZP5DSQAVn9G97wHEzY0TXXEZ0zeV3Z/bhnQWb+GLNDlZuDfZ6nbNqO4M6NuN/Tu3FSb1bkZG677qRvz29NxOfms1jHy5n4rFdefC9pSQZXHVs3dUGQYkwrpWWV/Dal+vJz81iV0k5W3YX0ionnUGagklE6si4vq0jOi8jNZlT+7Xh1H5tIr73yX1ac2Kvltz99mKG5ufy/Kw1nHdMe9o0aXSk4R4RJcI4tnFXCe5w9XFduGBIx1iHIyJS6357eh9Ouuu/XPTwDMoDFVxzXNc6j0GzNsexDbuCcw62ruO/jkRE6kqH5plc/61uFJUGOKN/Wzrl1v2jH9UI49j6ncFE2LZJ4sz5JyKJ58rRXUg246yBsZlSWokwjm3YWQxAayVCEWnA0lKSuDoGTaKV1DQax9btCHY5bpxRN4NKRUQSkRJhHNuws0S1QRGRKFMijGPrd5XQRolQRCSqlAjj2IadxUqEIiJRpkQYp8oCFWzavUdDJ0REokyJME5t2r0Hd1QjFBGJMiXCOKWhEyIidUOJME59M5heTaMiItGkRBin1u+onF5NNUIRkWiKOBGaWWY0A5F9rd9ZQmZaMjkZmvxHRCSaqk2EZjbSzOYDC0Pb/c3s/qhHluA27CqmdZMMzKz6k0VE5IhFUiO8CzgF2Arg7p8Dx0YzKAnWCPV8UEQk+iJqGnX31fvtCkQhFgmj6dVEROpGJA+gVpvZSMDNLBX4MbAgumEltvJABRs1vZqISJ2IpEZ4DfAjoB2wFhgQ2pYo2VywhwpXj1ERkbpQZY3QzJKBe9z94jqKR/hmDKFqhCIi0VdljdDdA0AnM0uro3iE4PNBgDbqLCMiEnWRPCNcBnxoZq8AhZU73f0vUYsqwa3bEZxeTTVCEZHoiyQRLg39JAGNoxuOQLBGmJGaRJNGWpleRCTaqk2E7v47ADPLDm0XRDuoRBdckLeRBtOLiNSBSGaW6Wtmc4F5wDwzm21mfaIfWuLasFNDJ0RE6kokwyceAn7m7p3cvRNwA/BwdMNKbBpMLyJSdyJJhFnuPq1yw92nA1lRiyjBBSqcDRpMLyJSZyLqNWpmvwaeCm1fQrAnqUTBloI9BCqc1ho6ISJSJyKpEX4faAH8C/gnkBfaJ1GwdzB9jmqEIiJ1IZJeo9uB6+sgFgE27AyNIWyqRCgiUhci6TX6lpk1DdtuZmZvRjesxLVuh2aVERGpS5E8I8xz9x2VG+6+3cxaRjGmhLKjqJRbXplHUWlwZaslmwtIS0miWaYG04uI1IVIEmGFmXV091UAZtYJ8OiGlThmLNvKy5+to0uLLNKSk0hLTuKCwR00mF5EpI5Ekgj/B/jAzP4LGDAGmBjVqBLImu3BZ4L/vGYkzbI0t7mISF2LpLPMG2Y2CBhOsCb4E3ffEvXIEsS6HSVkpiXTVE2hIiIxccjOMmbWycyaAIQSXyFwMnCZlmWqPWt3FNGuqeYVFRGJlap6jT5PaAYZMxsAvACsAvoD90c/tMSwdkcxbZuqh6iISKxU1TTayN3XhV5fAjzq7neaWRLwWfRDSwzrdpTQr33T6k8UEZGoqKpGGN5WdwLwDoC7V0R6czMbZ2aLzGyJmd10kOMdzWyamc01sy/M7Dthx34Vum6RmZ0S6XvWJ0Wl5WwrLKWdaoQiIjFTVY3wXTN7HlgPNAPeBTCzNkBpdTc2s2TgPuAkYA0w08xecff5YafdDDzv7g+YWW/gNaBz6PV4oA/QFnjbzLq7e+CwP2Ecq1yJXolQRCR2qqoR/oTg/KIrgNHuXhba35rgkIrqDAWWuPsydy8FJgNn7neOAzmh102AyqbYM4HJ7r7H3ZcDS0L3a1Aqh060a6ZEKCISK4esEbq7E0xe+++fG+G92wGrw7bXAMP2O+cWYKqZXUewY86JYdfO2O/adhG+b71ROZ2aaoQiIrETyYD6aLoQeDzUCWcE8JSZ9Y30YjObSGhwf6tWrZg+ffr+x8nKyiI5OTnigHJycpg7N9JcXzOdzPnHGW3YuHwhG+vkHQ9fIBCgsLCQ4N9FQQUFBQeUtRxI5VQ9lVH1VEbVq2kZRTMRrgU6hG23D+0LdwUwDsDdPzazDILLPEVyLe7+EPAQwODBg33s2LH7HF++fDmNGzcmNzc34nF6u3fvpnHjxhGdW1OrthVRtKecnm1yqj85BtydrVu3snv3bvLz8/funz59OvuXtRxI5VQ9lVH1VEbVq2kZRbL6xOmhIROHaybQzczyQwPwxwOv7HfOKuBboffpBWQAm0PnjTezdDPLB7oBnx5uACUlJYeVBOtaWXkFqSlHUrR1w8zIzc2lpKQk1qGIiERNJL+FLwAWm9kdZtYz0hu7ezlwLfAmsIBg79B5ZnarmZ0ROu0G4Coz+xyYBEzwoHkEB/TPB94AfnSkPUbjNQkClAUqSEuO30QI8V1+IiK1IZK5Ri8xsxxCz/PMzIHHgEnuvruaa18jOCQifN9vwl7PB0Yd4trbgdur/QT1xMsvv8zZZ5/NggUL6NmzJ+5OWcBJjfNEKCLS0EX0W9jddwEvEuxF2gY4G5gT6u0pEZg0aRKjR49m0qRJAJQFHMdJTam9Glcg0KCGWYqI1IlInhGeYWYvAdOBVGCou3+b4JyjN0Q3vIahoKCADz74gEceeYTJk4MjUkpKy7jz979mzNBB9OvXj3vvvReAmTNnMnLkSPr378/QoUPZvXs3jz/+ONdee+3e+5122ml7e0hlZ2dzww030L9/fz7++GNuvfVWhgwZQt++fZk4ceLe3p5LlizhxBNPpH///gwaNIilS5dy2WWX8fLLL++978UXX8yUKVPqqFREROJDJL1GzwXucvf3wne6e5GZXRGdsGrf7/49j/nrdlV7XiAQiHi4Re+2Ofz29D7VnjdlyhTGjRtH9+7dyc3NZfbs2Uz/4CPWrVnFp7PmkN0onW3btlFaWsoFF1zAc889x5AhQ9i1axeNGlU9xrCwsJBhw4Zx5513BmPq3Zvf/CbY+nzppZfy6quvcvrpp3PxxRdz0003cfbZZ1NSUkJFRQVXXHEFd911F2eddRY7d+7ko48+4oknnojos4uINBSRNI3eQliPTTNrZGadAdz9nahE1cBMmjSJ8ePHAzB+/HgmTZrEtHfe4byLJ5CZHlzRqnnz5ixatIg2bdowZMgQIDimMSWl6r9VkpOTOffcc/duT5s2jWHDhnH00Ufz7rvvMm/ePHbv3s3atWs5++yzAcjIyCAzM5PjjjuOxYsXs3nzZiZNmsS5555b7fuJiDQ0kfzWewEYGbYdCO0bEpWIoiSSmhvU/jjCbdu28e677/Lll19iZgQCAcyMvv0HkZxkJCVV/4wwJSWFiopv5joPH86QkZGxtwZbUlLCD3/4Q2bNmkWHDh245ZZbqh36cNlll/H0008zefJkHnvssSP8lCIi9VckNcKU0FyhAIRea2HeCL344otceumlrFy5khUrVrB69Wry8/Pp0acvLz79OOXl5UAwYfbo0YP169czc+ZMIJiUy8vL6dy5M5999hkVFRWsXr2aTz89+JDKyqSXl5dHQUEBL774IgCNGzemffv2e58H7tmzh6KiIgAmTJjA3XffDQSbVUVEEk0kiXBz2Lg/zOxMYEv0QmpYJk2atLdJstK5557LhvUbaN+hA/369aN///48++yzpKWl8dxzz3HdddfRv39/TjrpJEpKShg1ahT5+fn07t2b66+/nkGDBh30vZo2bcpVV11F3759OeWUU/Y2sQI89dRT/PWvf6Vfv36MHDmSDRs2AMGp6Xr16sX3vve96BWCiEgci6Rp9BrgGTP7G8E1ClcDl0U1qgZk2rRpB+y77rrrOGHdLppnpR2wOv2QIUOYMWPGAdc888wzB71/QUHBPtu33XYbt9122wHndevWjXffffeA/UVFRSxevJgLL7ywys8hItJQVVsjdPel7j4c6A30cveR7r4k+qE1XIEKp8I95rPKvP322/Tq1YvrrruOJk2axDQWEZFYiaiLoJmdSnCR3IzKKbfc/dYoxtWglQaCHV9iPc/oiSeeyMqVK2Mag4hIrEUyoP7vBOcbvY5g0+h3gU5RjqtBKwsEB7mnJWseTxGRWIukSjLS3S8Dtrv774ARQPfohlV7wtfRixel5aEaYT2YZzQey09EpDZF8pu4ciBakZm1BcoIzjca9zIyMti6dWvc/TIvC1SQZEZyBGMIY6lyPcKMjIxYhyIiEjWRPCP8t5k1Bf4PmAM48HBUo6ol7du3Z82aNWzevDnia0pKSqL+i39rQSnlFRUs3BX/CSYjI4P27dvHOgwRkaipMhGGFuR9x913AP80s1eBDHffWSfR1VBqauo+K6tHYvr06QwcOLBW4whUOCu3FlJZL73tzTm0ysngie/X7vuIiMjhqzIRunuFmd0HDAxt7wH21EVgDcndb3/Nve/uO+JkaH7zGEUjIiLhImkafcfMzgX+5fH2sK2eWLejhOZZafz29OAUZmbGqK65MY5KREQgskR4NfAzoNzMSggOoXB3z4lqZA1IcVk5zTJTOXNAu1iHIiIi+6k2Ebp77S3FkKCKSwNkpml5IxGReFTtb2czO/Zg+/dfqFcOrag0QKO0yBb7FRGRuhVJNeXnYa8zgKHAbOCEqETUABWXBWiepZWrRETiUSRNo6eHb5tZB+DuqEXUABWXBmjUVDVCEZF4dCRzfK0BetV2IA2ZmkZFROJXJM8I74W9Y8GTgAEEZ5iRCBWXBchUIhQRiUuRPCOcFfa6HJjk7h9GKZ4Gqai0nEapSoQiIvEokkT4IlDi7gEAM0s2s0x3L4puaA1DRYVTUlZBIw2fEBGJS5E8I3wHaBS23Qh4OzrhNDwl5QEANY2KiMSpSBJhhrsXVG6EXmdGL6SGpahUiVBEJJ5FkggLzWxQ5YaZHQMURy+khqU4lAgz9IxQRCQuRfLg6ifAC2a2juA8o62BC6IaVQNSXKYaoYhIPItkQP1MM+sJ9AjtWuTuZdENq+FQ06iISHyrtmnUzH4EZLn7V+7+FZBtZj+MfmgNQ1FpOaCmURGReBXJM8KrQivUA+Du24GrohdSw1Kyt2lUwydEROJRJIkw2cyscsPMkgHNIB0hNY2KiMS3SKopbwDPmdmDoe2rQ/skApWJUDPLiIjEp0gS4S+BicAPQttvAQ9HLaIGprJpVJNui4jEp2qbRt29wt3/7u7nuft5wHzg3uiH1jCoaVREJL5F1IPDzAYCFwLnA8uBf0UzqIakMhFmpCgRiojEo0MmQjPrTjD5XQhsAZ4DzN2Pr6PYGoSSsgAZqUkkJVn1J4uISJ2rqka4EHgfOM3dlwCY2U/rJKoGpKi0XEMnRETiWFXPCM8B1gPTzOxhM/sWwSnWImZm48xskZktMbObDnL8LjP7LPTztZntCDt2h5nNM7MFZvbX8CEc9UlRaUA9RkVE4tghqyru/jLwspllAWcSnHO0pZk9ALzk7lOrunFovOF9wEnAGmCmmb3i7vPD3uOnYedfBwwMvR4JjAL6hQ5/ABwHTD/cDxhrxaVanV5EJJ5F0mu00N2fdffTgfbAXIJDKqozFFji7svcvRSYTDChHsqFwKTKtwUyCA7cTwdSgY0RvGfcKS4LaOiEiEgcM3ePzo3NzgPGufuVoe1LgWHufu1Bzu0EzADau3sgtO/PwJUEm2P/5u7/c5DrJhIc40irVq2OmTx5co3jLigoIDs7u8b3qfSHT4IrVv1qWKNqzqw/aruMGiqVU/VURtVTGVWvqjI6/vjjZ7v74Kquj5deHOOBF8OS4FFAL4I1UIC3zGyMu78ffpG7PwQ8BDB48GAfO3ZsjQOZPn06tXGfSnd++QF52WmMHTu01u4Za7VdRg2Vyql6KqPqqYyqV9MyimSu0SO1FugQtt0+tO9gxvNNsyjA2cAMdy9w9wLgdWBEVKKMMjWNiojEt2gmwplANzPLN7M0gsnulf1PCq112Az4OGz3KuA4M0sxs1SCHWUWRDHWqCkuDdAoNV4q3iIisr+oJUJ3LweuBd4kmMSed/d5ZnarmZ0Rdup4YLLv+7DyRWAp8CXwOfC5u/87WrFGU3AcoWqEIiLxKqpVFXd/DXhtv32/2W/7loNcFyC4ykW9V6ThEyIicS2aTaMJr6LC2VNeodXpRUTimBJhFBWXaeUJEZF4p0QYRVqCSUQk/ikRRlHlorxqGhURiV9KhFH0TY1QwydEROKVEmEUFZWWA2oaFRGJZ0qEUVRcqqZREZF4p0QYReo1KiIS/5QIo0i9RkVE4p8SYRRVNo1q0m0RkfilRBhFlU2jjfSMUEQkbikRRpGGT4iIxD8lwigqDg2fyEhVMYuIxCv9ho6iotIAjVKTMbNYhyIiIoegRBhFxWVagklEJN4pEUZRcWlAPUZFROKcEmEUaVFeEZH4p0QYRcVlAQ2dEBGJc0qEUaSmURGR+KdEGEVFZeUaQygiEueUCKOocviEiIjELyXCKCpR06iISNxTIoyiIo0jFBGJe0qEUVSkGqGISNxTIoySQIVTWl6hZ4QiInFOiTBKtDq9iEj9oEQYJUWhlScaafiEiEhcUyKMkr2r06tpVEQkrikRRomaRkVE6gclwiipXJ1evUZFROKbEmGUVDaNZqppVEQkrikRRkmxaoQiIvWCEmGUFOkZoYhIvaBEGCXFGj4hIlIvKBFGiYZPiIjUD0qEUaKmURGR+kGJMEqKSwOYQXqKilhEJJ7pt3SUFJUGyExNxsxiHYqIiFRBiTBKisu0BJOISH0Q1URoZuPMbJGZLTGzmw5y/C4z+yz087WZ7Qg71tHMpprZAjObb2adoxlrbSvWWoQiIvVC1Pr2m1kycB9wErAGmGlmr7j7/Mpz3P2nYedfBwwMu8WTwO3u/paZZQMV0Yo1GopKy8lM1dAJEZF4F80a4VBgibsvc/dSYDJwZhXnXwhMAjCz3kCKu78F4O4F7l4UxVhrXXFZBRmqEYqIxL1oJsJ2wOqw7TWhfQcws05APvBuaFd3YIeZ/cvM5prZ/4VqmPVGcWm55hkVEakH4qXtbjzworsHQtspwBiCTaWrgOeACcAj4ReZ2URgIkCrVq2YPn16jQMpKCiolfts2lZM03SrlXvFm9oqo4ZO5VQ9lVH1VEbVq2kZRTMRrgU6hG23D+07mPHAj8K21wCfufsyADN7GRjOfonQ3R8CHgIYPHiwjx07tsZBT58+ndq4T/Ks6XRok8PYsYNqfK94U1tl1NCpnKqnMqqeyqh6NS2jaDaNzgS6mVm+maURTHav7H+SmfUEmgEf73dtUzNrEdo+AZi//7XxrLgsoOnVRETqgaglQncvB64F3gQWAM+7+zwzu9XMzgg7dTww2d097NoAcCPwjpl9CRjwcLRijYai0oCmVxMRqQei+ozQ3V8DXttv32/2277lENe+BfSLWnBRFhxHGC+PYEVE5FA0s0wUlAcqKA1UqGlURKQeUCKMgmKtPCEiUm8oEUbB3rUIlQhFROKeEmEUFGlRXhGRekOJMArUNCoiUn+oW2MtuW/aEuas3A7ArpIyQE2jIiL1gRJhLQhUOPe8vZimmam0zEkHYGh+c3q3yYlxZCIiUh0lwlqwdnsxpYEKbji5OxcM6RjrcERE5DDoGWEtWLalAIAuLbJjHImIiBwuJcJasHxLIQD5eVkxjkRERA6XEmEtWLa5kMYZKeRmpcU6FBEROUxKhLVg+ZZCurTIxsxiHYqIiBwmJcJasGxzAV3ULCoiUi8pEdZQcWmAdTtL9HxQRKSeUiKsocqOMl1aKBGKiNRHSoQ1pB6jIiL1mxJhDS3bHBxDqEQoIlI/KRHW0PIthbRpkkGmVqMXEamXlAhraNmWQtUGRUTqMSXCGnD34NAJdZQREam3lAhrYFthKbtKysnP0xyjIiL1lRJhDSzT0AkRkXpPibAGlm8OJUI9IxQRqbeUCGtg6ZYCUpONdk0bxToUERE5QkqENbB8cyGdcrNISVYxiojUV/oNXgPLNXRCRKTeUyI8QoEKZ+XWInWUERGp55QIj9Da7cWUBirUUUZEpJ5TIjxCS7dUzjGqMYQiIvWZJsgM8/XG3czdVE7Z/I3Vnjtt0SZAYwhFROo7JcIwL8xazcNz9sCcWRGd37JxOrlZaVGOSkREokmJMMz3R+fTrnw9gwcPjuj8VjkZmFmUoxIRkWhSIgzTpkkjOjdJpm+7JrEORURE6og6y4iISEJTIhQRkYSmRCgiIglNiVBERBKaEqGIiCQ0JUIREUloSoQiIpLQlAhFRCShKRGKiEhCUyIUEZGEZu4e6xhqhZltBlbWwq3ygC21cJ+GTGUUGZVT9VRG1VMZVa+qMurk7i2qurjBJMLaYmaz3D2yWbcTlMooMiqn6qmMqqcyql5Ny0hNoyIiktCUCEVEJKEpER7ooVgHUA+ojCKjcqqeyqh6KqPq1aiM9IxQREQSmmqEIiKS0JQIw5jZODNbZGZLzOymWMcTD8ysg5lNM7P5ZjbPzH4c2t/czN4ys8Whf5vFOtZYM7NkM5trZq+GtvPN7JPQ9+k5M0uLdYyxZGZNzexFM1toZgvMbIS+R/sys5+G/j/7yswmmVmGvkdgZo+a2SYz+yps30G/Oxb011B5fWFmg6q7vxJhiJklA/cB3wZ6AxeaWe/YRhUXyoEb3L03MBz4UahcbgLecfduwDuh7UT3Y2BB2PafgLvc/ShgO3BFTKKKH/cAb7h7T6A/wbLS9yjEzNoB1wOD3b0vkAyMR98jgMeBcfvtO9R359tAt9DPROCB6m6uRPiNocASd1/m7qXAZODMGMcUc+6+3t3nhF7vJvjLqx3BsnkidNoTwFmxiTA+mFl74FTgH6FtA04AXgydktBlZGZNgGOBRwDcvdTdd6Dv0f5SgEZmlgJkAuvR9wh3fw/Ytt/uQ313zgSe9KAZQFMza1PV/ZUIv9EOWB22vSa0T0LMrDMwEPgEaOXu60OHNgCtYhRWvLgb+AVQEdrOBXa4e3loO9G/T/nAZuCxUPPxP8wsC32P9nL3tcCfgVUEE+BOYDb6Hh3Kob47h/27XIlQImJm2cA/gZ+4+67wYx7sepyw3Y/N7DRgk7vPjnUscSwFGAQ84O4DgUL2awbV98iaEazN5ANtgSwObA6Ug6jpd0eJ8BtrgQ5h2+1D+xKemaUSTILPuPu/Qrs3VjY3hP7dFKv44sAo4AwzW0GwSf0Egs/DmoaauEDfpzXAGnf/JLT9IsHEqO/RN04Elrv7ZncvA/5F8Lul79HBHeq7c9i/y5UIvzET6BbqoZVG8CH1KzGOKeZCz7oeARa4+1/CDr0CXB56fTkwpa5jixfu/it3b+/unQl+b95194uBacB5odMSvYw2AKvNrEdo17eA+eh7FG4VMNzMMkP/31WWkb5HB3eo784rwGWh3qPDgZ1hTagHpQH1YczsOwSf9SQDj7r77TEOKebMbDTwPvAl3zz/+n8EnxM+D3QkuOrH+e6+/8PshGNmY4Eb3f00M+tCsIbYHJgLXOLue2IZXyyZ2QCCnYnSgGXA9wj+Ma7vUYiZ/Q64gGBv7bnAlQSfbyX098jMJgFjCa4ysRH4LfAyB/nuhP6I+BvBZuUi4HvuPqvK+ysRiohIIlPTqIiIJDQlQhERSWhKhCIiktCUCEVEJKEpEYqISEJTIhSpI2aWa2afhX42mNnasO0aryhgZmPNbGdoCrNFZvZeaNabI71fZzO7KGx7gpn9raZxisSblOpPEZHa4O5bgQEAZnYLUODuf648bmYpYXNKHqn33f200P0GAC+bWbG7v3ME9+oMXAQ8W8OYROKaaoQiMWRmj5vZ383sE+AOM+tqZm+Y2Wwze9/MeobOa2Fm/zSzmaGfUdXd290/A24Frq3qHmZ2i5k9ZWYfh9Z2uyp0iz8CY0I11p+G9rUNxbfYzO6o7fIQiQXVCEVirz0w0t0DZvYOcI27LzazYcD9fDN36V3u/oGZdQTeBHpFcO85wM9Dr6u6Rz+C601mAXPN7D8EJ8W+MayGOYFgjXYgsAdYZGb3unv4TP8i9Y4SoUjsvRBKgtnASOCF4CxRAKSH/j0R6B22P8fMst29oJp7W9jrg94j9HqKuxcDxWY2jeD6nDsOcr933H0ngJnNBzqx75I3IvWOEqFI7BWG/k0iuPbcgIOckwT/v737xWkgCMMw/rwOg+IeEBIEhjOgUEhMDb0BijNwGU5AgmoTNI4LYDDNIGaabAhtAFX6PT+5fyZZs29md+b7OG+tffxy7FN6M+WNY4xg/FprcVPtxWmNyxW+Q7QH/Eco7YjR5/E1yRX0zh9JTsbpR+B2fe1YCLNVkmPgDnj4wRiXSQ6SHNGLGz8D78Dhnx9I+icMQmm3XAM3SRbAC71RK8AcOEuyHJ8kZxvuv1hvn6AH4HyyYnTbGEt6u58n4L619jaOrZIs1Fd9ywAAAD1JREFUJotlpL1j9wmpuO+2ckiVOCOUJJXmjFCSVJozQklSaQahJKk0g1CSVJpBKEkqzSCUJJVmEEqSSvsEtwGyBLlBRGYAAAAASUVORK5CYII=\n",
"text/plain": [
"<Figure size 504x360 with 1 Axes>"
]
},
"metadata": {
"tags": [],
"needs_background": "light"
}
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "A-QXHod4CO-g",
"colab_type": "text"
},
"source": [
"## Step 5 - Evaluating the model\n",
"In order to see how well our model performs on our testing data, we use Sklearn’s metrics class to generate a classification report containing accuracy & F1 scores."
]
},
{
"cell_type": "code",
"metadata": {
"id": "nNRLD1srCcwT",
"colab_type": "code",
"outputId": "61d65671-e123-41a1-9747-7638c1e1e6da",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 306
}
},
"source": [
"ŷ_test = model.predict(X_test)\n",
"\n",
"print('Accuracy:', round(model_stats['accuracy'], 4))\n",
"print('Criterion:', model_stats['criterion'])\n",
"print('Tree Depth:', model.get_depth())\n",
"print('Tree Leafs:', model.get_n_leaves())\n",
"\n",
"classification_report = metrics.classification_report(\n",
" y_test,\n",
" ŷ_test,\n",
" target_names=le.classes_\n",
")\n",
"print('\\nMetrics:\\n', classification_report)"
],
"execution_count": 46,
"outputs": [
{
"output_type": "stream",
"text": [
"Accuracy: 0.8471\n",
"Criterion: gini\n",
"Tree Depth: 14\n",
"Tree Leafs: 587\n",
"\n",
"Metrics:\n",
" precision recall f1-score support\n",
"\n",
" <=50K 0.88 0.92 0.90 7375\n",
" <=50K. 0.88 0.93 0.90 3748\n",
" >50K 0.72 0.63 0.67 2390\n",
" >50K. 0.70 0.57 0.63 1140\n",
"\n",
" accuracy 0.85 14653\n",
" macro avg 0.80 0.76 0.78 14653\n",
"weighted avg 0.84 0.85 0.84 14653\n",
"\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "RjsTDWSYfz3E",
"colab_type": "text"
},
"source": [
"## Step 6 - Visualising the Decision Tree\n",
"\n",
"Lastly, in order to visualise the tree, we use Graphviz to generate a decision tree diagram, using the model we generated in step 4. We render this diagram as a pdf and save it as a file."
]
},
{
"cell_type": "code",
"metadata": {
"id": "j4kpqlVBcDuX",
"colab_type": "code",
"outputId": "fede744c-4c0b-4928-bbf3-c15f09191082",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 1000
}
},
"source": [
"dot_data = tree.export_graphviz(\n",
" model,\n",
" feature_names=X_train.columns,\n",
" class_names=le.classes_,\n",
" filled=True,\n",
" rounded=True,\n",
" out_file=None\n",
")\n",
"graph = graphviz.Source(dot_data)\n",
"graph.render('tree')\n",
"display(graph)"
],
"execution_count": 47,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"<graphviz.files.Source at 0x7fad355a4160>"
],
"image/svg+xml": "<?xml version=\"1.0\" encoding=\"UTF-8\" standalone=\"no\"?>\n<!DOCTYPE svg PUBLIC \"-//W3C//DTD SVG 1.1//EN\"\n \"http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd\">\n<!-- Generated by graphviz version 2.40.1 (20161225.0304)\n -->\n<!-- Title: Tree Pages: 1 -->\n<svg width=\"44532pt\" height=\"1742pt\"\n viewBox=\"0.00 0.00 44532.00 1742.00\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n<g id=\"graph0\" class=\"graph\" transform=\"scale(1 1) rotate(0) translate(4 1738)\">\n<title>Tree</title>\n<polygon fill=\"#ffffff\" stroke=\"transparent\" points=\"-4,4 -4,-1738 44528,-1738 44528,4 -4,4\"/>\n<!-- 0 -->\n<g id=\"node1\" class=\"node\">\n<title>0</title>\n<path fill=\"#f6d4bc\" stroke=\"#000000\" d=\"M22051.5,-1734C22051.5,-1734 21837.5,-1734 21837.5,-1734 21831.5,-1734 21825.5,-1728 21825.5,-1722 21825.5,-1722 21825.5,-1663 21825.5,-1663 21825.5,-1657 21831.5,-1651 21837.5,-1651 21837.5,-1651 22051.5,-1651 22051.5,-1651 22057.5,-1651 22063.5,-1657 22063.5,-1663 22063.5,-1663 22063.5,-1722 22063.5,-1722 22063.5,-1728 22057.5,-1734 22051.5,-1734\"/>\n<text text-anchor=\"middle\" x=\"21944.5\" y=\"-1718.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(&#45;4...54] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"21944.5\" y=\"-1703.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.711</text>\n<text text-anchor=\"middle\" x=\"21944.5\" y=\"-1688.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 34189</text>\n<text text-anchor=\"middle\" x=\"21944.5\" y=\"-1673.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [17345, 8687, 5451, 2706]</text>\n<text text-anchor=\"middle\" x=\"21944.5\" y=\"-1658.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 1 -->\n<g id=\"node2\" class=\"node\">\n<title>1</title>\n<path fill=\"#8eef86\" stroke=\"#000000\" d=\"M18664,-1615C18664,-1615 18409,-1615 18409,-1615 18403,-1615 18397,-1609 18397,-1603 18397,-1603 18397,-1544 18397,-1544 18397,-1538 18403,-1532 18409,-1532 18409,-1532 18664,-1532 18664,-1532 18670,-1532 18676,-1538 18676,-1544 18676,-1544 18676,-1603 18676,-1603 18676,-1609 18670,-1615 18664,-1615\"/>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1599.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Married&#45;civ&#45;spouse &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1584.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.236</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1569.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12479</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1554.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [546, 8687, 540, 2706]</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1539.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 0&#45;&gt;1 -->\n<g id=\"edge1\" class=\"edge\">\n<title>0&#45;&gt;1</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21825.2058,-1688.3345C21308.0991,-1670.2783 19260.618,-1598.7846 18686.7348,-1578.7459\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18686.4456,-1575.2337 18676.3295,-1578.3825 18686.2013,-1582.2295 18686.4456,-1575.2337\"/>\n<text text-anchor=\"middle\" x=\"18693.3795\" y=\"-1592.9663\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">True</text>\n</g>\n<!-- 566 -->\n<g id=\"node567\" class=\"node\">\n<title>566</title>\n<path fill=\"#eda673\" stroke=\"#000000\" d=\"M28244,-1615C28244,-1615 27989,-1615 27989,-1615 27983,-1615 27977,-1609 27977,-1603 27977,-1603 27977,-1544 27977,-1544 27977,-1538 27983,-1532 27989,-1532 27989,-1532 28244,-1532 28244,-1532 28250,-1532 28256,-1538 28256,-1544 28256,-1544 28256,-1603 28256,-1603 28256,-1609 28250,-1615 28244,-1615\"/>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1599.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Married&#45;civ&#45;spouse &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1584.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.771</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1569.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 21710</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1554.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [16799, 0, 4911, 0]</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1539.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 0&#45;&gt;566 -->\n<g id=\"edge566\" class=\"edge\">\n<title>0&#45;&gt;566</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M22063.6479,-1690.2028C22834.2414,-1675.3452 27108.5093,-1592.9347 27966.4943,-1576.3922\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"27966.8062,-1579.8869 27976.7369,-1576.1947 27966.6712,-1572.8882 27966.8062,-1579.8869\"/>\n<text text-anchor=\"middle\" x=\"27959.4032\" y=\"-1590.5099\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">False</text>\n</g>\n<!-- 2 -->\n<g id=\"node3\" class=\"node\">\n<title>2</title>\n<path fill=\"#5fe852\" stroke=\"#000000\" d=\"M8003,-1496C8003,-1496 7810,-1496 7810,-1496 7804,-1496 7798,-1490 7798,-1484 7798,-1484 7798,-1425 7798,-1425 7798,-1419 7804,-1413 7810,-1413 7810,-1413 8003,-1413 8003,-1413 8009,-1413 8015,-1419 8015,-1425 8015,-1425 8015,-1484 8015,-1484 8015,-1490 8009,-1496 8003,-1496\"/>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1480.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(10813...159527] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1465.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.687</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1450.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6613</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1435.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [347, 5815, 56, 395]</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1420.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 1&#45;&gt;2 -->\n<g id=\"edge2\" class=\"edge\">\n<title>1&#45;&gt;2</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18396.7382,-1571.9354C17228.7362,-1558.8599 9107.4798,-1467.9446 8025.5096,-1455.8323\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8025.4279,-1452.3312 8015.3893,-1455.719 8025.3495,-1459.3308 8025.4279,-1452.3312\"/>\n</g>\n<!-- 215 -->\n<g id=\"node216\" class=\"node\">\n<title>215</title>\n<path fill=\"#e2fbe0\" stroke=\"#000000\" d=\"M18637,-1496C18637,-1496 18436,-1496 18436,-1496 18430,-1496 18424,-1490 18424,-1484 18424,-1484 18424,-1425 18424,-1425 18424,-1419 18430,-1413 18436,-1413 18436,-1413 18637,-1413 18637,-1413 18643,-1413 18649,-1419 18649,-1425 18649,-1425 18649,-1484 18649,-1484 18649,-1490 18643,-1496 18637,-1496\"/>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1480.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(159527...306769] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1465.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.496</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1450.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5866</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1435.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [199, 2872, 484, 2311]</text>\n<text text-anchor=\"middle\" x=\"18536.5\" y=\"-1420.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 1&#45;&gt;215 -->\n<g id=\"edge215\" class=\"edge\">\n<title>1&#45;&gt;215</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18536.5,-1531.8796C18536.5,-1523.6838 18536.5,-1514.9891 18536.5,-1506.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18540.0001,-1506.298 18536.5,-1496.2981 18533.0001,-1506.2981 18540.0001,-1506.298\"/>\n</g>\n<!-- 3 -->\n<g id=\"node4\" class=\"node\">\n<title>3</title>\n<path fill=\"#5ae84d\" stroke=\"#000000\" d=\"M7026,-1377C7026,-1377 6825,-1377 6825,-1377 6819,-1377 6813,-1371 6813,-1365 6813,-1365 6813,-1306 6813,-1306 6813,-1300 6819,-1294 6825,-1294 6825,-1294 7026,-1294 7026,-1294 7032,-1294 7038,-1300 7038,-1306 7038,-1306 7038,-1365 7038,-1365 7038,-1371 7032,-1377 7026,-1377\"/>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1361.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(159527...306769] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1346.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.563</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1331.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6431</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1316.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [196, 5815, 25, 395]</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1301.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 2&#45;&gt;3 -->\n<g id=\"edge3\" class=\"edge\">\n<title>2&#45;&gt;3</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7797.7676,-1441.3102C7613.6166,-1418.9718 7241.583,-1373.8424 7048.314,-1350.3979\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7048.4623,-1346.8903 7038.1135,-1349.1606 7047.6193,-1353.8394 7048.4623,-1346.8903\"/>\n</g>\n<!-- 176 -->\n<g id=\"node177\" class=\"node\">\n<title>176</title>\n<path fill=\"#ea9b62\" stroke=\"#000000\" d=\"M8008,-1377C8008,-1377 7805,-1377 7805,-1377 7799,-1377 7793,-1371 7793,-1365 7793,-1365 7793,-1306 7793,-1306 7793,-1300 7799,-1294 7805,-1294 7805,-1294 8008,-1294 8008,-1294 8014,-1294 8020,-1300 8020,-1306 8020,-1306 8020,-1365 8020,-1365 8020,-1371 8014,-1377 8008,-1377\"/>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1361.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2505...2559] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1346.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.658</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1331.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 182</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1316.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [151, 0, 31, 0]</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1301.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 2&#45;&gt;176 -->\n<g id=\"edge176\" class=\"edge\">\n<title>2&#45;&gt;176</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7906.5,-1412.8796C7906.5,-1404.6838 7906.5,-1395.9891 7906.5,-1387.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7910.0001,-1387.298 7906.5,-1377.2981 7903.0001,-1387.2981 7910.0001,-1387.298\"/>\n</g>\n<!-- 4 -->\n<g id=\"node5\" class=\"node\">\n<title>4</title>\n<path fill=\"#55e748\" stroke=\"#000000\" d=\"M6464,-1258C6464,-1258 6263,-1258 6263,-1258 6257,-1258 6251,-1252 6251,-1246 6251,-1246 6251,-1187 6251,-1187 6251,-1181 6257,-1175 6263,-1175 6263,-1175 6464,-1175 6464,-1175 6470,-1175 6476,-1181 6476,-1187 6476,-1187 6476,-1246 6476,-1246 6476,-1252 6470,-1258 6464,-1258\"/>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(306769...454011] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.403</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6255</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [42, 5815, 3, 395]</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 3&#45;&gt;4 -->\n<g id=\"edge4\" class=\"edge\">\n<title>3&#45;&gt;4</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6812.7845,-1311.6332C6718.1436,-1291.5936 6583.1819,-1263.0163 6485.9132,-1242.4202\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6486.5363,-1238.9746 6476.0281,-1240.3271 6485.0862,-1245.8228 6486.5363,-1238.9746\"/>\n</g>\n<!-- 159 -->\n<g id=\"node160\" class=\"node\">\n<title>159</title>\n<path fill=\"#e99355\" stroke=\"#000000\" d=\"M7027,-1258C7027,-1258 6824,-1258 6824,-1258 6818,-1258 6812,-1252 6812,-1246 6812,-1246 6812,-1187 6812,-1187 6812,-1181 6818,-1175 6824,-1175 6824,-1175 7027,-1175 7027,-1175 7033,-1175 7039,-1181 7039,-1187 7039,-1187 7039,-1246 7039,-1246 7039,-1252 7033,-1258 7027,-1258\"/>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1525...1579] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.544</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 176</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [154, 0, 22, 0]</text>\n<text text-anchor=\"middle\" x=\"6925.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 3&#45;&gt;159 -->\n<g id=\"edge159\" class=\"edge\">\n<title>3&#45;&gt;159</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6925.5,-1293.8796C6925.5,-1285.6838 6925.5,-1276.9891 6925.5,-1268.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6929.0001,-1268.298 6925.5,-1258.2981 6922.0001,-1268.2981 6929.0001,-1268.298\"/>\n</g>\n<!-- 5 -->\n<g id=\"node6\" class=\"node\">\n<title>5</title>\n<path fill=\"#54e747\" stroke=\"#000000\" d=\"M5795.5,-1139C5795.5,-1139 5601.5,-1139 5601.5,-1139 5595.5,-1139 5589.5,-1133 5589.5,-1127 5589.5,-1127 5589.5,-1068 5589.5,-1068 5589.5,-1062 5595.5,-1056 5601.5,-1056 5601.5,-1056 5795.5,-1056 5795.5,-1056 5801.5,-1056 5807.5,-1062 5807.5,-1068 5807.5,-1068 5807.5,-1127 5807.5,-1127 5807.5,-1133 5801.5,-1139 5795.5,-1139\"/>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(14...16] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.354</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6217</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7, 5815, 0, 395]</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 4&#45;&gt;5 -->\n<g id=\"edge5\" class=\"edge\">\n<title>4&#45;&gt;5</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6250.6918,-1196.3133C6130.3987,-1174.7871 5940.666,-1140.835 5817.9049,-1118.8672\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5818.1735,-1115.3597 5807.7133,-1117.0434 5816.9404,-1122.2503 5818.1735,-1115.3597\"/>\n</g>\n<!-- 152 -->\n<g id=\"node153\" class=\"node\">\n<title>152</title>\n<path fill=\"#e78c4a\" stroke=\"#000000\" d=\"M6466.5,-1139C6466.5,-1139 6260.5,-1139 6260.5,-1139 6254.5,-1139 6248.5,-1133 6248.5,-1127 6248.5,-1127 6248.5,-1068 6248.5,-1068 6248.5,-1062 6254.5,-1056 6260.5,-1056 6260.5,-1056 6466.5,-1056 6466.5,-1056 6472.5,-1056 6478.5,-1062 6478.5,-1068 6478.5,-1068 6478.5,-1127 6478.5,-1127 6478.5,-1133 6472.5,-1139 6466.5,-1139\"/>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Other&#45;relative &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.398</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 38</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [35, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"6363.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 4&#45;&gt;152 -->\n<g id=\"edge152\" class=\"edge\">\n<title>4&#45;&gt;152</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6363.5,-1174.8796C6363.5,-1166.6838 6363.5,-1157.9891 6363.5,-1149.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6367.0001,-1149.298 6363.5,-1139.2981 6360.0001,-1149.2981 6367.0001,-1149.298\"/>\n</g>\n<!-- 6 -->\n<g id=\"node7\" class=\"node\">\n<title>6</title>\n<path fill=\"#52e745\" stroke=\"#000000\" d=\"M4274,-1020C4274,-1020 4113,-1020 4113,-1020 4107,-1020 4101,-1014 4101,-1008 4101,-1008 4101,-949 4101,-949 4101,-943 4107,-937 4113,-937 4113,-937 4274,-937 4274,-937 4280,-937 4286,-943 4286,-949 4286,-949 4286,-1008 4286,-1008 4286,-1014 4280,-1020 4274,-1020\"/>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Masters &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.327</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6120</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7, 5766, 0, 347]</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 5&#45;&gt;6 -->\n<g id=\"edge6\" class=\"edge\">\n<title>5&#45;&gt;6</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5589.3554,-1088.87C5309.6178,-1066.7512 4569.8652,-1008.2591 4296.7329,-986.6626\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4296.6749,-983.1472 4286.4301,-985.848 4296.123,-990.1254 4296.6749,-983.1472\"/>\n</g>\n<!-- 107 -->\n<g id=\"node108\" class=\"node\">\n<title>107</title>\n<path fill=\"#fbfefb\" stroke=\"#000000\" d=\"M5798,-1020C5798,-1020 5599,-1020 5599,-1020 5593,-1020 5587,-1014 5587,-1008 5587,-1008 5587,-949 5587,-949 5587,-943 5593,-937 5599,-937 5599,-937 5798,-937 5798,-937 5804,-937 5810,-943 5810,-949 5810,-949 5810,-1008 5810,-1008 5810,-1014 5804,-1020 5798,-1020\"/>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(50...74] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 97</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 49, 0, 48]</text>\n<text text-anchor=\"middle\" x=\"5698.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 5&#45;&gt;107 -->\n<g id=\"edge107\" class=\"edge\">\n<title>5&#45;&gt;107</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5698.5,-1055.8796C5698.5,-1047.6838 5698.5,-1038.9891 5698.5,-1030.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5702.0001,-1030.298 5698.5,-1020.2981 5695.0001,-1030.2981 5702.0001,-1030.298\"/>\n</g>\n<!-- 7 -->\n<g id=\"node8\" class=\"node\">\n<title>7</title>\n<path fill=\"#50e643\" stroke=\"#000000\" d=\"M2861.5,-901C2861.5,-901 2687.5,-901 2687.5,-901 2681.5,-901 2675.5,-895 2675.5,-889 2675.5,-889 2675.5,-830 2675.5,-830 2675.5,-824 2681.5,-818 2687.5,-818 2687.5,-818 2861.5,-818 2861.5,-818 2867.5,-818 2873.5,-824 2873.5,-830 2873.5,-830 2873.5,-889 2873.5,-889 2873.5,-895 2867.5,-901 2861.5,-901\"/>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Bachelors &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.288</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5848</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7, 5564, 0, 277]</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 6&#45;&gt;7 -->\n<g id=\"edge7\" class=\"edge\">\n<title>6&#45;&gt;7</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4100.9428,-970.738C3849.4157,-949.6444 3154.1116,-891.3349 2883.8954,-868.6741\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2883.9419,-865.1658 2873.6843,-867.8178 2883.3568,-872.1413 2883.9419,-865.1658\"/>\n</g>\n<!-- 74 -->\n<g id=\"node75\" class=\"node\">\n<title>74</title>\n<path fill=\"#87ee7e\" stroke=\"#000000\" d=\"M4306.5,-901C4306.5,-901 4080.5,-901 4080.5,-901 4074.5,-901 4068.5,-895 4068.5,-889 4068.5,-889 4068.5,-830 4068.5,-830 4068.5,-824 4074.5,-818 4080.5,-818 4080.5,-818 4306.5,-818 4306.5,-818 4312.5,-818 4318.5,-824 4318.5,-830 4318.5,-830 4318.5,-889 4318.5,-889 4318.5,-895 4312.5,-901 4306.5,-901\"/>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.823</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 272</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 202, 0, 70]</text>\n<text text-anchor=\"middle\" x=\"4193.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 6&#45;&gt;74 -->\n<g id=\"edge74\" class=\"edge\">\n<title>6&#45;&gt;74</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4193.5,-936.8796C4193.5,-928.6838 4193.5,-919.9891 4193.5,-911.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4197.0001,-911.298 4193.5,-901.2981 4190.0001,-911.2981 4197.0001,-911.298\"/>\n</g>\n<!-- 8 -->\n<g id=\"node9\" class=\"node\">\n<title>8</title>\n<path fill=\"#4de640\" stroke=\"#000000\" d=\"M2190,-782C2190,-782 1989,-782 1989,-782 1983,-782 1977,-776 1977,-770 1977,-770 1977,-711 1977,-711 1977,-705 1983,-699 1989,-699 1989,-699 2190,-699 2190,-699 2196,-699 2202,-705 2202,-711 2202,-711 2202,-770 2202,-770 2202,-776 2196,-782 2190,-782\"/>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(454011...601253] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.218</text>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4928</text>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [6, 4764, 0, 158]</text>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 7&#45;&gt;8 -->\n<g id=\"edge8\" class=\"edge\">\n<title>7&#45;&gt;8</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2675.2612,-842.26C2552.8476,-820.994 2344.7471,-784.8422 2212.3643,-761.8443\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2212.6263,-758.3375 2202.1748,-760.0742 2211.4282,-765.2342 2212.6263,-758.3375\"/>\n</g>\n<!-- 43 -->\n<g id=\"node44\" class=\"node\">\n<title>43</title>\n<path fill=\"#63e957\" stroke=\"#000000\" d=\"M2844.5,-782C2844.5,-782 2704.5,-782 2704.5,-782 2698.5,-782 2692.5,-776 2692.5,-770 2692.5,-770 2692.5,-711 2692.5,-711 2692.5,-705 2698.5,-699 2704.5,-699 2704.5,-699 2844.5,-699 2844.5,-699 2850.5,-699 2856.5,-705 2856.5,-711 2856.5,-711 2856.5,-770 2856.5,-770 2856.5,-776 2850.5,-782 2844.5,-782\"/>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(22...27] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.568</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 920</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 800, 0, 119]</text>\n<text text-anchor=\"middle\" x=\"2774.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 7&#45;&gt;43 -->\n<g id=\"edge43\" class=\"edge\">\n<title>7&#45;&gt;43</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2774.5,-817.8796C2774.5,-809.6838 2774.5,-800.9891 2774.5,-792.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2778.0001,-792.298 2774.5,-782.2981 2771.0001,-792.2981 2778.0001,-792.298\"/>\n</g>\n<!-- 9 -->\n<g id=\"node10\" class=\"node\">\n<title>9</title>\n<path fill=\"#4de640\" stroke=\"#000000\" d=\"M1888.5,-663C1888.5,-663 1688.5,-663 1688.5,-663 1682.5,-663 1676.5,-657 1676.5,-651 1676.5,-651 1676.5,-592 1676.5,-592 1676.5,-586 1682.5,-580 1688.5,-580 1688.5,-580 1888.5,-580 1888.5,-580 1894.5,-580 1900.5,-586 1900.5,-592 1900.5,-592 1900.5,-651 1900.5,-651 1900.5,-657 1894.5,-663 1888.5,-663\"/>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Not&#45;in&#45;family &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.208</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4923</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 4764, 0, 158]</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 8&#45;&gt;9 -->\n<g id=\"edge9\" class=\"edge\">\n<title>8&#45;&gt;9</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1984.2248,-698.8796C1957.9893,-688.5074 1929.7324,-677.3361 1903.073,-666.7963\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1904.3022,-663.5187 1893.7158,-663.0969 1901.7285,-670.0284 1904.3022,-663.5187\"/>\n</g>\n<!-- 42 -->\n<g id=\"node43\" class=\"node\">\n<title>42</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M2143,-655.5C2143,-655.5 2036,-655.5 2036,-655.5 2030,-655.5 2024,-649.5 2024,-643.5 2024,-643.5 2024,-599.5 2024,-599.5 2024,-593.5 2030,-587.5 2036,-587.5 2036,-587.5 2143,-587.5 2143,-587.5 2149,-587.5 2155,-593.5 2155,-599.5 2155,-599.5 2155,-643.5 2155,-643.5 2155,-649.5 2149,-655.5 2143,-655.5\"/>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [5, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"2089.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 8&#45;&gt;42 -->\n<g id=\"edge42\" class=\"edge\">\n<title>8&#45;&gt;42</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2089.5,-698.8796C2089.5,-688.2134 2089.5,-676.7021 2089.5,-665.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2093.0001,-665.8149 2089.5,-655.8149 2086.0001,-665.815 2093.0001,-665.8149\"/>\n</g>\n<!-- 10 -->\n<g id=\"node11\" class=\"node\">\n<title>10</title>\n<path fill=\"#4ae53c\" stroke=\"#000000\" d=\"M1274.5,-544C1274.5,-544 1050.5,-544 1050.5,-544 1044.5,-544 1038.5,-538 1038.5,-532 1038.5,-532 1038.5,-473 1038.5,-473 1038.5,-467 1044.5,-461 1050.5,-461 1050.5,-461 1274.5,-461 1274.5,-461 1280.5,-461 1286.5,-467 1286.5,-473 1286.5,-473 1286.5,-532 1286.5,-532 1286.5,-538 1280.5,-544 1274.5,-544\"/>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Never&#45;married &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.121</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2819</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 2774, 0, 44]</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 9&#45;&gt;10 -->\n<g id=\"edge10\" class=\"edge\">\n<title>9&#45;&gt;10</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1676.2225,-600.1565C1569.8335,-579.9324 1409.9306,-549.5355 1296.8279,-528.0352\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1297.1955,-524.5425 1286.7178,-526.1133 1295.8882,-531.4193 1297.1955,-524.5425\"/>\n</g>\n<!-- 31 -->\n<g id=\"node32\" class=\"node\">\n<title>31</title>\n<path fill=\"#52e644\" stroke=\"#000000\" d=\"M1891,-544C1891,-544 1686,-544 1686,-544 1680,-544 1674,-538 1674,-532 1674,-532 1674,-473 1674,-473 1674,-467 1680,-461 1686,-461 1686,-461 1891,-461 1891,-461 1897,-461 1903,-467 1903,-473 1903,-473 1903,-532 1903,-532 1903,-538 1897,-544 1891,-544\"/>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(7500...8750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.304</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2104</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1990, 0, 114]</text>\n<text text-anchor=\"middle\" x=\"1788.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 9&#45;&gt;31 -->\n<g id=\"edge31\" class=\"edge\">\n<title>9&#45;&gt;31</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1788.5,-579.8796C1788.5,-571.6838 1788.5,-562.9891 1788.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1792.0001,-554.298 1788.5,-544.2981 1785.0001,-554.2981 1792.0001,-554.298\"/>\n</g>\n<!-- 11 -->\n<g id=\"node12\" class=\"node\">\n<title>11</title>\n<path fill=\"#4de640\" stroke=\"#000000\" d=\"M929.5,-425C929.5,-425 703.5,-425 703.5,-425 697.5,-425 691.5,-419 691.5,-413 691.5,-413 691.5,-354 691.5,-354 691.5,-348 697.5,-342 703.5,-342 703.5,-342 929.5,-342 929.5,-342 935.5,-342 941.5,-348 941.5,-354 941.5,-354 941.5,-413 941.5,-413 941.5,-419 935.5,-425 929.5,-425\"/>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.21</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 966</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 934, 0, 32]</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 10&#45;&gt;11 -->\n<g id=\"edge11\" class=\"edge\">\n<title>10&#45;&gt;11</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1041.486,-460.8796C1010.9331,-450.3715 977.9955,-439.0432 946.9984,-428.3824\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"948.0404,-425.0396 937.4457,-425.0969 945.7637,-431.659 948.0404,-425.0396\"/>\n</g>\n<!-- 24 -->\n<g id=\"node25\" class=\"node\">\n<title>24</title>\n<path fill=\"#48e53a\" stroke=\"#000000\" d=\"M1273,-425C1273,-425 1052,-425 1052,-425 1046,-425 1040,-419 1040,-413 1040,-413 1040,-354 1040,-354 1040,-348 1046,-342 1052,-342 1052,-342 1273,-342 1273,-342 1279,-342 1285,-348 1285,-354 1285,-354 1285,-413 1285,-413 1285,-419 1279,-425 1273,-425\"/>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(13750...15000] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.063</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1853</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 1840, 0, 12]</text>\n<text text-anchor=\"middle\" x=\"1162.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 10&#45;&gt;24 -->\n<g id=\"edge24\" class=\"edge\">\n<title>10&#45;&gt;24</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1162.5,-460.8796C1162.5,-452.6838 1162.5,-443.9891 1162.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1166.0001,-435.298 1162.5,-425.2981 1159.0001,-435.2981 1166.0001,-435.298\"/>\n</g>\n<!-- 12 -->\n<g id=\"node13\" class=\"node\">\n<title>12</title>\n<path fill=\"#4ce63e\" stroke=\"#000000\" d=\"M503,-306C503,-306 282,-306 282,-306 276,-306 270,-300 270,-294 270,-294 270,-235 270,-235 270,-229 276,-223 282,-223 282,-223 503,-223 503,-223 509,-223 515,-229 515,-235 515,-235 515,-294 515,-294 515,-300 509,-306 503,-306\"/>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(98749...99999] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.172</text>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 897</text>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 874, 0, 23]</text>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 11&#45;&gt;12 -->\n<g id=\"edge12\" class=\"edge\">\n<title>11&#45;&gt;12</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M691.2932,-348.3594C638.9853,-333.6787 578.1568,-316.6065 525.0886,-301.7124\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"525.8475,-298.2902 515.2737,-298.9577 523.9559,-305.0298 525.8475,-298.2902\"/>\n</g>\n<!-- 17 -->\n<g id=\"node18\" class=\"node\">\n<title>17</title>\n<path fill=\"#63e957\" stroke=\"#000000\" d=\"M877.5,-306C877.5,-306 755.5,-306 755.5,-306 749.5,-306 743.5,-300 743.5,-294 743.5,-294 743.5,-235 743.5,-235 743.5,-229 749.5,-223 755.5,-223 755.5,-223 877.5,-223 877.5,-223 883.5,-223 889.5,-229 889.5,-235 889.5,-235 889.5,-294 889.5,-294 889.5,-300 883.5,-306 877.5,-306\"/>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(51...56] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.559</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 69</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 60, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"816.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 11&#45;&gt;17 -->\n<g id=\"edge17\" class=\"edge\">\n<title>11&#45;&gt;17</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M816.5,-341.8796C816.5,-333.6838 816.5,-324.9891 816.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"820.0001,-316.298 816.5,-306.2981 813.0001,-316.2981 820.0001,-316.298\"/>\n</g>\n<!-- 13 -->\n<g id=\"node14\" class=\"node\">\n<title>13</title>\n<path fill=\"#4ce63e\" stroke=\"#000000\" d=\"M297,-187C297,-187 76,-187 76,-187 70,-187 64,-181 64,-175 64,-175 64,-116 64,-116 64,-110 70,-104 76,-104 76,-104 297,-104 297,-104 303,-104 309,-110 309,-116 309,-116 309,-175 309,-175 309,-181 303,-187 297,-187\"/>\n<text text-anchor=\"middle\" x=\"186.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(11250...12500] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"186.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.166</text>\n<text text-anchor=\"middle\" x=\"186.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 896</text>\n<text text-anchor=\"middle\" x=\"186.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 874, 0, 22]</text>\n<text text-anchor=\"middle\" x=\"186.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 12&#45;&gt;13 -->\n<g id=\"edge13\" class=\"edge\">\n<title>12&#45;&gt;13</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M320.4512,-222.8796C303.3585,-213.0056 285.0121,-202.4075 267.5486,-192.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"268.9179,-189.0684 258.5081,-187.0969 265.4164,-195.1297 268.9179,-189.0684\"/>\n</g>\n<!-- 16 -->\n<g id=\"node17\" class=\"node\">\n<title>16</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M446,-179.5C446,-179.5 339,-179.5 339,-179.5 333,-179.5 327,-173.5 327,-167.5 327,-167.5 327,-123.5 327,-123.5 327,-117.5 333,-111.5 339,-111.5 339,-111.5 446,-111.5 446,-111.5 452,-111.5 458,-117.5 458,-123.5 458,-123.5 458,-167.5 458,-167.5 458,-173.5 452,-179.5 446,-179.5\"/>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"392.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 12&#45;&gt;16 -->\n<g id=\"edge16\" class=\"edge\">\n<title>12&#45;&gt;16</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M392.5,-222.8796C392.5,-212.2134 392.5,-200.7021 392.5,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"396.0001,-189.8149 392.5,-179.8149 389.0001,-189.815 396.0001,-189.8149\"/>\n</g>\n<!-- 14 -->\n<g id=\"node15\" class=\"node\">\n<title>14</title>\n<path fill=\"#4be63e\" stroke=\"#000000\" d=\"M143,-68C143,-68 12,-68 12,-68 6,-68 0,-62 0,-56 0,-56 0,-12 0,-12 0,-6 6,0 12,0 12,0 143,0 143,0 149,0 155,-6 155,-12 155,-12 155,-56 155,-56 155,-62 149,-68 143,-68\"/>\n<text text-anchor=\"middle\" x=\"77.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.16</text>\n<text text-anchor=\"middle\" x=\"77.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 895</text>\n<text text-anchor=\"middle\" x=\"77.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 874, 0, 21]</text>\n<text text-anchor=\"middle\" x=\"77.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 13&#45;&gt;14 -->\n<g id=\"edge14\" class=\"edge\">\n<title>13&#45;&gt;14</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M145.9124,-103.9815C136.838,-94.6989 127.2121,-84.8522 118.1357,-75.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"120.4887,-72.9678 110.9954,-68.2637 115.4831,-77.8611 120.4887,-72.9678\"/>\n</g>\n<!-- 15 -->\n<g id=\"node16\" class=\"node\">\n<title>15</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M292,-68C292,-68 185,-68 185,-68 179,-68 173,-62 173,-56 173,-56 173,-12 173,-12 173,-6 179,0 185,0 185,0 292,0 292,0 298,0 304,-6 304,-12 304,-12 304,-56 304,-56 304,-62 298,-68 292,-68\"/>\n<text text-anchor=\"middle\" x=\"238.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"238.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"238.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"238.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 13&#45;&gt;15 -->\n<g id=\"edge15\" class=\"edge\">\n<title>13&#45;&gt;15</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M205.8629,-103.9815C209.8919,-95.3423 214.1489,-86.2144 218.2103,-77.5059\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"221.4659,-78.8059 222.5205,-68.2637 215.1218,-75.8472 221.4659,-78.8059\"/>\n</g>\n<!-- 18 -->\n<g id=\"node19\" class=\"node\">\n<title>18</title>\n<path fill=\"#5ae84e\" stroke=\"#000000\" d=\"M744.5,-187C744.5,-187 488.5,-187 488.5,-187 482.5,-187 476.5,-181 476.5,-175 476.5,-175 476.5,-116 476.5,-116 476.5,-110 482.5,-104 488.5,-104 488.5,-104 744.5,-104 744.5,-104 750.5,-104 756.5,-110 756.5,-116 756.5,-116 756.5,-175 756.5,-175 756.5,-181 750.5,-187 744.5,-187\"/>\n<text text-anchor=\"middle\" x=\"616.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Married&#45;AF&#45;spouse &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"616.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.454</text>\n<text text-anchor=\"middle\" x=\"616.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 63</text>\n<text text-anchor=\"middle\" x=\"616.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 57, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"616.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 17&#45;&gt;18 -->\n<g id=\"edge18\" class=\"edge\">\n<title>17&#45;&gt;18</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M746.5497,-222.8796C729.9548,-213.0056 712.1428,-202.4075 695.188,-192.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"696.7943,-189.2025 686.4108,-187.0969 693.215,-195.2181 696.7943,-189.2025\"/>\n</g>\n<!-- 21 -->\n<g id=\"node22\" class=\"node\">\n<title>21</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M960,-187C960,-187 787,-187 787,-187 781,-187 775,-181 775,-175 775,-175 775,-116 775,-116 775,-110 781,-104 787,-104 787,-104 960,-104 960,-104 966,-104 972,-110 972,-116 972,-116 972,-175 972,-175 972,-181 966,-187 960,-187\"/>\n<text text-anchor=\"middle\" x=\"873.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Local&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"873.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"873.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"873.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"873.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 17&#45;&gt;21 -->\n<g id=\"edge21\" class=\"edge\">\n<title>17&#45;&gt;21</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M836.4358,-222.8796C840.5341,-214.3236 844.8928,-205.2238 849.1273,-196.3833\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"852.3157,-197.8288 853.4791,-187.2981 846.0025,-194.8049 852.3157,-197.8288\"/>\n</g>\n<!-- 19 -->\n<g id=\"node20\" class=\"node\">\n<title>19</title>\n<path fill=\"#57e74a\" stroke=\"#000000\" d=\"M525,-68C525,-68 410,-68 410,-68 404,-68 398,-62 398,-56 398,-56 398,-12 398,-12 398,-6 404,0 410,0 410,0 525,0 525,0 531,0 537,-6 537,-12 537,-12 537,-56 537,-56 537,-62 531,-68 525,-68\"/>\n<text text-anchor=\"middle\" x=\"467.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.404</text>\n<text text-anchor=\"middle\" x=\"467.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 62</text>\n<text text-anchor=\"middle\" x=\"467.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 57, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"467.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 18&#45;&gt;19 -->\n<g id=\"edge19\" class=\"edge\">\n<title>18&#45;&gt;19</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M561.0179,-103.9815C548.1221,-94.3313 534.4116,-84.0714 521.5773,-74.4673\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"523.3908,-71.4528 513.2873,-68.2637 519.1968,-77.0574 523.3908,-71.4528\"/>\n</g>\n<!-- 20 -->\n<g id=\"node21\" class=\"node\">\n<title>20</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M674,-68C674,-68 567,-68 567,-68 561,-68 555,-62 555,-56 555,-56 555,-12 555,-12 555,-6 561,0 567,0 567,0 674,0 674,0 680,0 686,-6 686,-12 686,-12 686,-56 686,-56 686,-62 680,-68 674,-68\"/>\n<text text-anchor=\"middle\" x=\"620.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"620.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"620.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"620.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 18&#45;&gt;20 -->\n<g id=\"edge20\" class=\"edge\">\n<title>18&#45;&gt;20</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M617.9895,-103.9815C618.2895,-95.618 618.606,-86.7965 618.9093,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"622.41,-78.3828 619.2708,-68.2637 615.4145,-78.1317 622.41,-78.3828\"/>\n</g>\n<!-- 22 -->\n<g id=\"node23\" class=\"node\">\n<title>22</title>\n<path fill=\"#e47bee\" stroke=\"#000000\" d=\"M837,-68C837,-68 730,-68 730,-68 724,-68 718,-62 718,-56 718,-56 718,-12 718,-12 718,-6 724,0 730,0 730,0 837,0 837,0 843,0 849,-6 849,-12 849,-12 849,-56 849,-56 849,-62 843,-68 837,-68\"/>\n<text text-anchor=\"middle\" x=\"783.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"783.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"783.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"783.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 21&#45;&gt;22 -->\n<g id=\"edge22\" class=\"edge\">\n<title>21&#45;&gt;22</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M839.9873,-103.9815C832.643,-94.8828 824.8612,-85.242 817.4981,-76.1199\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"820.1612,-73.8467 811.1568,-68.2637 814.7143,-78.2434 820.1612,-73.8467\"/>\n</g>\n<!-- 23 -->\n<g id=\"node24\" class=\"node\">\n<title>23</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M986,-68C986,-68 879,-68 879,-68 873,-68 867,-62 867,-56 867,-56 867,-12 867,-12 867,-6 873,0 879,0 879,0 986,0 986,0 992,0 998,-6 998,-12 998,-12 998,-56 998,-56 998,-62 992,-68 986,-68\"/>\n<text text-anchor=\"middle\" x=\"932.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"932.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"932.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"932.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 21&#45;&gt;23 -->\n<g id=\"edge23\" class=\"edge\">\n<title>21&#45;&gt;23</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M895.4694,-103.9815C900.0895,-95.2504 904.9736,-86.0202 909.626,-77.2281\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"912.7859,-78.7395 914.3694,-68.2637 906.5987,-75.4655 912.7859,-78.7395\"/>\n</g>\n<!-- 25 -->\n<g id=\"node26\" class=\"node\">\n<title>25</title>\n<path fill=\"#48e53a\" stroke=\"#000000\" d=\"M1206,-306C1206,-306 1005,-306 1005,-306 999,-306 993,-300 993,-294 993,-294 993,-235 993,-235 993,-229 999,-223 1005,-223 1005,-223 1206,-223 1206,-223 1212,-223 1218,-229 1218,-235 1218,-235 1218,-294 1218,-294 1218,-300 1212,-306 1206,-306\"/>\n<text text-anchor=\"middle\" x=\"1105.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(601253...748495] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1105.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.055</text>\n<text text-anchor=\"middle\" x=\"1105.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1851</text>\n<text text-anchor=\"middle\" x=\"1105.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 1840, 0, 10]</text>\n<text text-anchor=\"middle\" x=\"1105.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 24&#45;&gt;25 -->\n<g id=\"edge25\" class=\"edge\">\n<title>24&#45;&gt;25</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1142.5642,-341.8796C1138.4659,-333.3236 1134.1072,-324.2238 1129.8727,-315.3833\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1132.9975,-313.8049 1125.5209,-306.2981 1126.6843,-316.8288 1132.9975,-313.8049\"/>\n</g>\n<!-- 30 -->\n<g id=\"node31\" class=\"node\">\n<title>30</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M1355,-298.5C1355,-298.5 1248,-298.5 1248,-298.5 1242,-298.5 1236,-292.5 1236,-286.5 1236,-286.5 1236,-242.5 1236,-242.5 1236,-236.5 1242,-230.5 1248,-230.5 1248,-230.5 1355,-230.5 1355,-230.5 1361,-230.5 1367,-236.5 1367,-242.5 1367,-242.5 1367,-286.5 1367,-286.5 1367,-292.5 1361,-298.5 1355,-298.5\"/>\n<text text-anchor=\"middle\" x=\"1301.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"1301.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"1301.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"1301.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 24&#45;&gt;30 -->\n<g id=\"edge30\" class=\"edge\">\n<title>24&#45;&gt;30</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1211.1155,-341.8796C1224.8587,-330.1138 1239.8031,-317.3197 1253.5093,-305.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1256.0976,-307.9771 1261.4178,-298.8149 1251.5452,-302.6596 1256.0976,-307.9771\"/>\n</g>\n<!-- 26 -->\n<g id=\"node27\" class=\"node\">\n<title>26</title>\n<path fill=\"#48e53a\" stroke=\"#000000\" d=\"M1207,-187C1207,-187 1002,-187 1002,-187 996,-187 990,-181 990,-175 990,-175 990,-116 990,-116 990,-110 996,-104 1002,-104 1002,-104 1207,-104 1207,-104 1213,-104 1219,-110 1219,-116 1219,-116 1219,-175 1219,-175 1219,-181 1213,-187 1207,-187\"/>\n<text text-anchor=\"middle\" x=\"1104.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(3750...5000] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1104.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.048</text>\n<text text-anchor=\"middle\" x=\"1104.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1850</text>\n<text text-anchor=\"middle\" x=\"1104.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1840, 0, 10]</text>\n<text text-anchor=\"middle\" x=\"1104.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 25&#45;&gt;26 -->\n<g id=\"edge26\" class=\"edge\">\n<title>25&#45;&gt;26</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1105.1502,-222.8796C1105.0814,-214.6838 1105.0083,-205.9891 1104.937,-197.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1108.4352,-197.2683 1104.8512,-187.2981 1101.4355,-197.3272 1108.4352,-197.2683\"/>\n</g>\n<!-- 29 -->\n<g id=\"node30\" class=\"node\">\n<title>29</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M1356,-179.5C1356,-179.5 1249,-179.5 1249,-179.5 1243,-179.5 1237,-173.5 1237,-167.5 1237,-167.5 1237,-123.5 1237,-123.5 1237,-117.5 1243,-111.5 1249,-111.5 1249,-111.5 1356,-111.5 1356,-111.5 1362,-111.5 1368,-117.5 1368,-123.5 1368,-123.5 1368,-167.5 1368,-167.5 1368,-173.5 1362,-179.5 1356,-179.5\"/>\n<text text-anchor=\"middle\" x=\"1302.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"1302.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"1302.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"1302.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 25&#45;&gt;29 -->\n<g id=\"edge29\" class=\"edge\">\n<title>25&#45;&gt;29</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1174.401,-222.8796C1194.7947,-210.5606 1217.0545,-197.1143 1237.2125,-184.9376\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1239.2607,-187.7894 1246.0106,-179.623 1235.6413,-181.7977 1239.2607,-187.7894\"/>\n</g>\n<!-- 27 -->\n<g id=\"node28\" class=\"node\">\n<title>27</title>\n<path fill=\"#48e53a\" stroke=\"#000000\" d=\"M1166,-68C1166,-68 1035,-68 1035,-68 1029,-68 1023,-62 1023,-56 1023,-56 1023,-12 1023,-12 1023,-6 1029,0 1035,0 1035,0 1166,0 1166,0 1172,0 1178,-6 1178,-12 1178,-12 1178,-56 1178,-56 1178,-62 1172,-68 1166,-68\"/>\n<text text-anchor=\"middle\" x=\"1100.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.04</text>\n<text text-anchor=\"middle\" x=\"1100.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1846</text>\n<text text-anchor=\"middle\" x=\"1100.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1838, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"1100.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 26&#45;&gt;27 -->\n<g id=\"edge27\" class=\"edge\">\n<title>26&#45;&gt;27</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1103.0105,-103.9815C1102.7105,-95.618 1102.394,-86.7965 1102.0907,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1105.5855,-78.1317 1101.7292,-68.2637 1098.59,-78.3828 1105.5855,-78.1317\"/>\n</g>\n<!-- 28 -->\n<g id=\"node29\" class=\"node\">\n<title>28</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M1315,-68C1315,-68 1208,-68 1208,-68 1202,-68 1196,-62 1196,-56 1196,-56 1196,-12 1196,-12 1196,-6 1202,0 1208,0 1208,0 1315,0 1315,0 1321,0 1327,-6 1327,-12 1327,-12 1327,-56 1327,-56 1327,-62 1321,-68 1315,-68\"/>\n<text text-anchor=\"middle\" x=\"1261.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"1261.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"1261.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"1261.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 26&#45;&gt;28 -->\n<g id=\"edge28\" class=\"edge\">\n<title>26&#45;&gt;28</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1162.961,-103.9815C1176.7508,-94.1881 1191.4247,-83.7668 1205.1205,-74.0402\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1207.3785,-76.7295 1213.505,-68.0856 1203.3253,-71.0223 1207.3785,-76.7295\"/>\n</g>\n<!-- 32 -->\n<g id=\"node33\" class=\"node\">\n<title>32</title>\n<path fill=\"#51e644\" stroke=\"#000000\" d=\"M1775,-425C1775,-425 1554,-425 1554,-425 1548,-425 1542,-419 1542,-413 1542,-413 1542,-354 1542,-354 1542,-348 1548,-342 1554,-342 1554,-342 1775,-342 1775,-342 1781,-342 1787,-348 1787,-354 1787,-354 1787,-413 1787,-413 1787,-419 1781,-425 1775,-425\"/>\n<text text-anchor=\"middle\" x=\"1664.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(10000...11250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1664.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.289</text>\n<text text-anchor=\"middle\" x=\"1664.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2095</text>\n<text text-anchor=\"middle\" x=\"1664.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1989, 0, 106]</text>\n<text text-anchor=\"middle\" x=\"1664.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 31&#45;&gt;32 -->\n<g id=\"edge32\" class=\"edge\">\n<title>31&#45;&gt;32</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1745.1308,-460.8796C1735.5584,-451.6931 1725.3328,-441.8798 1715.4897,-432.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1717.6928,-429.6969 1708.0543,-425.2981 1712.8459,-434.7475 1717.6928,-429.6969\"/>\n</g>\n<!-- 39 -->\n<g id=\"node40\" class=\"node\">\n<title>39</title>\n<path fill=\"#dc52e8\" stroke=\"#000000\" d=\"M2008,-425C2008,-425 1817,-425 1817,-425 1811,-425 1805,-419 1805,-413 1805,-413 1805,-354 1805,-354 1805,-348 1811,-342 1817,-342 1817,-342 2008,-342 2008,-342 2014,-342 2020,-348 2020,-354 2020,-354 2020,-413 2020,-413 2020,-419 2014,-425 2008,-425\"/>\n<text text-anchor=\"middle\" x=\"1912.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Widowed &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1912.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.503</text>\n<text text-anchor=\"middle\" x=\"1912.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"1912.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"1912.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 31&#45;&gt;39 -->\n<g id=\"edge39\" class=\"edge\">\n<title>31&#45;&gt;39</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1831.8692,-460.8796C1841.4416,-451.6931 1851.6672,-441.8798 1861.5103,-432.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1864.1541,-434.7475 1868.9457,-425.2981 1859.3072,-429.6969 1864.1541,-434.7475\"/>\n</g>\n<!-- 33 -->\n<g id=\"node34\" class=\"node\">\n<title>33</title>\n<path fill=\"#50e643\" stroke=\"#000000\" d=\"M1619,-306C1619,-306 1398,-306 1398,-306 1392,-306 1386,-300 1386,-294 1386,-294 1386,-235 1386,-235 1386,-229 1392,-223 1398,-223 1398,-223 1619,-223 1619,-223 1625,-223 1631,-229 1631,-235 1631,-235 1631,-294 1631,-294 1631,-300 1625,-306 1619,-306\"/>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(13750...15000] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.277</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2089</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1989, 0, 100]</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 32&#45;&gt;33 -->\n<g id=\"edge33\" class=\"edge\">\n<title>32&#45;&gt;33</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1609.9388,-341.8796C1597.4698,-332.368 1584.1198,-322.1843 1571.3352,-312.432\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1573.104,-309.3792 1563.0304,-306.0969 1568.8585,-314.9448 1573.104,-309.3792\"/>\n</g>\n<!-- 38 -->\n<g id=\"node39\" class=\"node\">\n<title>38</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M1768,-298.5C1768,-298.5 1661,-298.5 1661,-298.5 1655,-298.5 1649,-292.5 1649,-286.5 1649,-286.5 1649,-242.5 1649,-242.5 1649,-236.5 1655,-230.5 1661,-230.5 1661,-230.5 1768,-230.5 1768,-230.5 1774,-230.5 1780,-236.5 1780,-242.5 1780,-242.5 1780,-286.5 1780,-286.5 1780,-292.5 1774,-298.5 1768,-298.5\"/>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 32&#45;&gt;38 -->\n<g id=\"edge38\" class=\"edge\">\n<title>32&#45;&gt;38</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1681.9876,-341.8796C1686.5616,-330.9935 1691.5054,-319.227 1696.1242,-308.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1699.435,-309.39 1700.082,-298.8149 1692.9815,-306.6784 1699.435,-309.39\"/>\n</g>\n<!-- 34 -->\n<g id=\"node35\" class=\"node\">\n<title>34</title>\n<path fill=\"#50e642\" stroke=\"#000000\" d=\"M1619,-187C1619,-187 1398,-187 1398,-187 1392,-187 1386,-181 1386,-175 1386,-175 1386,-116 1386,-116 1386,-110 1392,-104 1398,-104 1398,-104 1619,-104 1619,-104 1625,-104 1631,-110 1631,-116 1631,-116 1631,-175 1631,-175 1631,-181 1625,-187 1619,-187\"/>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(12500...13750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.265</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2083</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1989, 0, 94]</text>\n<text text-anchor=\"middle\" x=\"1508.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 33&#45;&gt;34 -->\n<g id=\"edge34\" class=\"edge\">\n<title>33&#45;&gt;34</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1508.5,-222.8796C1508.5,-214.6838 1508.5,-205.9891 1508.5,-197.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1512.0001,-197.298 1508.5,-187.2981 1505.0001,-197.2981 1512.0001,-197.298\"/>\n</g>\n<!-- 37 -->\n<g id=\"node38\" class=\"node\">\n<title>37</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M1768,-179.5C1768,-179.5 1661,-179.5 1661,-179.5 1655,-179.5 1649,-173.5 1649,-167.5 1649,-167.5 1649,-123.5 1649,-123.5 1649,-117.5 1655,-111.5 1661,-111.5 1661,-111.5 1768,-111.5 1768,-111.5 1774,-111.5 1780,-117.5 1780,-123.5 1780,-123.5 1780,-167.5 1780,-167.5 1780,-173.5 1774,-179.5 1768,-179.5\"/>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"1714.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 33&#45;&gt;37 -->\n<g id=\"edge37\" class=\"edge\">\n<title>33&#45;&gt;37</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1580.5488,-222.8796C1601.9698,-210.5053 1625.3597,-196.9937 1646.5133,-184.7739\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1648.5215,-187.6558 1655.4299,-179.623 1645.0201,-181.5945 1648.5215,-187.6558\"/>\n</g>\n<!-- 35 -->\n<g id=\"node36\" class=\"node\">\n<title>35</title>\n<path fill=\"#4fe642\" stroke=\"#000000\" d=\"M1538.5,-68C1538.5,-68 1398.5,-68 1398.5,-68 1392.5,-68 1386.5,-62 1386.5,-56 1386.5,-56 1386.5,-12 1386.5,-12 1386.5,-6 1392.5,0 1398.5,0 1398.5,0 1538.5,0 1538.5,0 1544.5,0 1550.5,-6 1550.5,-12 1550.5,-12 1550.5,-56 1550.5,-56 1550.5,-62 1544.5,-68 1538.5,-68\"/>\n<text text-anchor=\"middle\" x=\"1468.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.253</text>\n<text text-anchor=\"middle\" x=\"1468.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2077</text>\n<text text-anchor=\"middle\" x=\"1468.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1989, 0, 88]</text>\n<text text-anchor=\"middle\" x=\"1468.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 34&#45;&gt;35 -->\n<g id=\"edge35\" class=\"edge\">\n<title>34&#45;&gt;35</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1493.6055,-103.9815C1490.5392,-95.4342 1487.3013,-86.4086 1484.2072,-77.7839\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1487.4631,-76.4944 1480.7919,-68.2637 1480.8743,-78.8582 1487.4631,-76.4944\"/>\n</g>\n<!-- 36 -->\n<g id=\"node37\" class=\"node\">\n<title>36</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M1688,-68C1688,-68 1581,-68 1581,-68 1575,-68 1569,-62 1569,-56 1569,-56 1569,-12 1569,-12 1569,-6 1575,0 1581,0 1581,0 1688,0 1688,0 1694,0 1700,-6 1700,-12 1700,-12 1700,-56 1700,-56 1700,-62 1694,-68 1688,-68\"/>\n<text text-anchor=\"middle\" x=\"1634.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"1634.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"1634.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"1634.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 34&#45;&gt;36 -->\n<g id=\"edge36\" class=\"edge\">\n<title>34&#45;&gt;36</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1555.4177,-103.9815C1566.1152,-94.5151 1577.4756,-84.462 1588.1492,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1590.6111,-77.5118 1595.7805,-68.2637 1585.9722,-72.2696 1590.6111,-77.5118\"/>\n</g>\n<!-- 40 -->\n<g id=\"node41\" class=\"node\">\n<title>40</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M1917,-298.5C1917,-298.5 1810,-298.5 1810,-298.5 1804,-298.5 1798,-292.5 1798,-286.5 1798,-286.5 1798,-242.5 1798,-242.5 1798,-236.5 1804,-230.5 1810,-230.5 1810,-230.5 1917,-230.5 1917,-230.5 1923,-230.5 1929,-236.5 1929,-242.5 1929,-242.5 1929,-286.5 1929,-286.5 1929,-292.5 1923,-298.5 1917,-298.5\"/>\n<text text-anchor=\"middle\" x=\"1863.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"1863.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"1863.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"1863.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 39&#45;&gt;40 -->\n<g id=\"edge40\" class=\"edge\">\n<title>39&#45;&gt;40</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1895.3622,-341.8796C1890.8797,-330.9935 1886.0347,-319.227 1881.5083,-308.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1884.6736,-306.7291 1877.6297,-298.8149 1878.2009,-309.3944 1884.6736,-306.7291\"/>\n</g>\n<!-- 41 -->\n<g id=\"node42\" class=\"node\">\n<title>41</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M2066,-298.5C2066,-298.5 1959,-298.5 1959,-298.5 1953,-298.5 1947,-292.5 1947,-286.5 1947,-286.5 1947,-242.5 1947,-242.5 1947,-236.5 1953,-230.5 1959,-230.5 1959,-230.5 2066,-230.5 2066,-230.5 2072,-230.5 2078,-236.5 2078,-242.5 2078,-242.5 2078,-286.5 2078,-286.5 2078,-292.5 2072,-298.5 2066,-298.5\"/>\n<text text-anchor=\"middle\" x=\"2012.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2012.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"2012.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"2012.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 39&#45;&gt;41 -->\n<g id=\"edge41\" class=\"edge\">\n<title>39&#45;&gt;41</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1947.4751,-341.8796C1957.0852,-330.4436 1967.5115,-318.0363 1977.1429,-306.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1979.91,-308.7225 1983.6639,-298.8149 1974.5509,-304.219 1979.91,-308.7225\"/>\n</g>\n<!-- 44 -->\n<g id=\"node45\" class=\"node\">\n<title>44</title>\n<path fill=\"#6eeb63\" stroke=\"#000000\" d=\"M2750,-663C2750,-663 2529,-663 2529,-663 2523,-663 2517,-657 2517,-651 2517,-651 2517,-592 2517,-592 2517,-586 2523,-580 2529,-580 2529,-580 2750,-580 2750,-580 2756,-580 2762,-586 2762,-592 2762,-592 2762,-651 2762,-651 2762,-657 2756,-663 2750,-663\"/>\n<text text-anchor=\"middle\" x=\"2639.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(27500...28750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2639.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.684</text>\n<text text-anchor=\"middle\" x=\"2639.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 648</text>\n<text text-anchor=\"middle\" x=\"2639.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 534, 0, 113]</text>\n<text text-anchor=\"middle\" x=\"2639.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 43&#45;&gt;44 -->\n<g id=\"edge44\" class=\"edge\">\n<title>43&#45;&gt;44</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2727.2836,-698.8796C2716.7598,-689.6031 2705.5109,-679.6874 2694.6979,-670.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2696.734,-667.2851 2686.918,-663.2981 2692.1052,-672.5362 2696.734,-667.2851\"/>\n</g>\n<!-- 55 -->\n<g id=\"node56\" class=\"node\">\n<title>55</title>\n<path fill=\"#4be63d\" stroke=\"#000000\" d=\"M3013,-663C3013,-663 2792,-663 2792,-663 2786,-663 2780,-657 2780,-651 2780,-651 2780,-592 2780,-592 2780,-586 2786,-580 2792,-580 2792,-580 3013,-580 3013,-580 3019,-580 3025,-586 3025,-592 3025,-592 3025,-651 3025,-651 3025,-657 3019,-663 3013,-663\"/>\n<text text-anchor=\"middle\" x=\"2902.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(12500...13750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2902.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.153</text>\n<text text-anchor=\"middle\" x=\"2902.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 272</text>\n<text text-anchor=\"middle\" x=\"2902.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 266, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"2902.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 43&#45;&gt;55 -->\n<g id=\"edge55\" class=\"edge\">\n<title>43&#45;&gt;55</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2819.2682,-698.8796C2829.2463,-689.6031 2839.9119,-679.6874 2850.1642,-670.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2852.6,-672.6704 2857.5407,-663.2981 2847.8337,-667.5436 2852.6,-672.6704\"/>\n</g>\n<!-- 45 -->\n<g id=\"node46\" class=\"node\">\n<title>45</title>\n<path fill=\"#6bea60\" stroke=\"#000000\" d=\"M2561,-544C2561,-544 2356,-544 2356,-544 2350,-544 2344,-538 2344,-532 2344,-532 2344,-473 2344,-473 2344,-467 2350,-461 2356,-461 2356,-461 2561,-461 2561,-461 2567,-461 2573,-467 2573,-473 2573,-473 2573,-532 2573,-532 2573,-538 2567,-544 2561,-544\"/>\n<text text-anchor=\"middle\" x=\"2458.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(7500...8750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2458.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.66</text>\n<text text-anchor=\"middle\" x=\"2458.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 640</text>\n<text text-anchor=\"middle\" x=\"2458.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 534, 0, 105]</text>\n<text text-anchor=\"middle\" x=\"2458.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 44&#45;&gt;45 -->\n<g id=\"edge45\" class=\"edge\">\n<title>44&#45;&gt;45</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2576.195,-579.8796C2561.3144,-570.0962 2545.3524,-559.6019 2530.1351,-549.5971\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2532.0479,-546.666 2521.7693,-544.0969 2528.2023,-552.5151 2532.0479,-546.666\"/>\n</g>\n<!-- 54 -->\n<g id=\"node55\" class=\"node\">\n<title>54</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M2710,-536.5C2710,-536.5 2603,-536.5 2603,-536.5 2597,-536.5 2591,-530.5 2591,-524.5 2591,-524.5 2591,-480.5 2591,-480.5 2591,-474.5 2597,-468.5 2603,-468.5 2603,-468.5 2710,-468.5 2710,-468.5 2716,-468.5 2722,-474.5 2722,-480.5 2722,-480.5 2722,-524.5 2722,-524.5 2722,-530.5 2716,-536.5 2710,-536.5\"/>\n<text text-anchor=\"middle\" x=\"2656.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2656.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"2656.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"2656.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 44&#45;&gt;54 -->\n<g id=\"edge54\" class=\"edge\">\n<title>44&#45;&gt;54</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2645.4458,-579.8796C2646.9695,-569.2134 2648.614,-557.7021 2650.1569,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2653.6484,-547.2094 2651.5979,-536.8149 2646.7187,-546.2194 2653.6484,-547.2094\"/>\n</g>\n<!-- 46 -->\n<g id=\"node47\" class=\"node\">\n<title>46</title>\n<path fill=\"#69ea5e\" stroke=\"#000000\" d=\"M2466,-425C2466,-425 2245,-425 2245,-425 2239,-425 2233,-419 2233,-413 2233,-413 2233,-354 2233,-354 2233,-348 2239,-342 2245,-342 2245,-342 2466,-342 2466,-342 2472,-342 2478,-348 2478,-354 2478,-354 2478,-413 2478,-413 2478,-419 2472,-425 2466,-425\"/>\n<text text-anchor=\"middle\" x=\"2355.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(10000...11250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2355.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.642</text>\n<text text-anchor=\"middle\" x=\"2355.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 634</text>\n<text text-anchor=\"middle\" x=\"2355.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 534, 0, 99]</text>\n<text text-anchor=\"middle\" x=\"2355.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 45&#45;&gt;46 -->\n<g id=\"edge46\" class=\"edge\">\n<title>45&#45;&gt;46</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2422.4756,-460.8796C2414.6802,-451.8733 2406.3633,-442.2644 2398.3356,-432.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2400.8691,-430.5686 2391.6782,-425.2981 2395.5763,-435.1498 2400.8691,-430.5686\"/>\n</g>\n<!-- 53 -->\n<g id=\"node54\" class=\"node\">\n<title>53</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M2615,-417.5C2615,-417.5 2508,-417.5 2508,-417.5 2502,-417.5 2496,-411.5 2496,-405.5 2496,-405.5 2496,-361.5 2496,-361.5 2496,-355.5 2502,-349.5 2508,-349.5 2508,-349.5 2615,-349.5 2615,-349.5 2621,-349.5 2627,-355.5 2627,-361.5 2627,-361.5 2627,-405.5 2627,-405.5 2627,-411.5 2621,-417.5 2615,-417.5\"/>\n<text text-anchor=\"middle\" x=\"2561.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2561.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"2561.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"2561.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 45&#45;&gt;53 -->\n<g id=\"edge53\" class=\"edge\">\n<title>45&#45;&gt;53</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2494.5244,-460.8796C2504.4227,-449.4436 2515.1619,-437.0363 2525.0822,-425.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2527.9007,-427.6666 2531.7988,-417.8149 2522.6079,-423.0855 2527.9007,-427.6666\"/>\n</g>\n<!-- 47 -->\n<g id=\"node48\" class=\"node\">\n<title>47</title>\n<path fill=\"#68ea5d\" stroke=\"#000000\" d=\"M2309,-306C2309,-306 2108,-306 2108,-306 2102,-306 2096,-300 2096,-294 2096,-294 2096,-235 2096,-235 2096,-229 2102,-223 2108,-223 2108,-223 2309,-223 2309,-223 2315,-223 2321,-229 2321,-235 2321,-235 2321,-294 2321,-294 2321,-300 2315,-306 2309,-306\"/>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(454011...601253] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.628</text>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 630</text>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 534, 0, 95]</text>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 46&#45;&gt;47 -->\n<g id=\"edge47\" class=\"edge\">\n<title>46&#45;&gt;47</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2304.0865,-341.8796C2292.4048,-332.4229 2279.9025,-322.302 2267.919,-312.6011\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2270.1076,-309.8697 2260.1329,-306.2981 2265.7032,-315.3105 2270.1076,-309.8697\"/>\n</g>\n<!-- 52 -->\n<g id=\"node53\" class=\"node\">\n<title>52</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M2458,-298.5C2458,-298.5 2351,-298.5 2351,-298.5 2345,-298.5 2339,-292.5 2339,-286.5 2339,-286.5 2339,-242.5 2339,-242.5 2339,-236.5 2345,-230.5 2351,-230.5 2351,-230.5 2458,-230.5 2458,-230.5 2464,-230.5 2470,-236.5 2470,-242.5 2470,-242.5 2470,-286.5 2470,-286.5 2470,-292.5 2464,-298.5 2458,-298.5\"/>\n<text text-anchor=\"middle\" x=\"2404.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2404.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"2404.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"2404.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 46&#45;&gt;52 -->\n<g id=\"edge52\" class=\"edge\">\n<title>46&#45;&gt;52</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2372.6378,-341.8796C2377.1203,-330.9935 2381.9653,-319.227 2386.4917,-308.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2389.7991,-309.3944 2390.3703,-298.8149 2383.3264,-306.7291 2389.7991,-309.3944\"/>\n</g>\n<!-- 48 -->\n<g id=\"node49\" class=\"node\">\n<title>48</title>\n<path fill=\"#68ea5c\" stroke=\"#000000\" d=\"M2113,-187C2113,-187 1982,-187 1982,-187 1976,-187 1970,-181 1970,-175 1970,-175 1970,-116 1970,-116 1970,-110 1976,-104 1982,-104 1982,-104 2113,-104 2113,-104 2119,-104 2125,-110 2125,-116 2125,-116 2125,-175 2125,-175 2125,-181 2119,-187 2113,-187\"/>\n<text text-anchor=\"middle\" x=\"2047.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(27...32] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2047.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.612</text>\n<text text-anchor=\"middle\" x=\"2047.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 629</text>\n<text text-anchor=\"middle\" x=\"2047.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 534, 0, 95]</text>\n<text text-anchor=\"middle\" x=\"2047.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 47&#45;&gt;48 -->\n<g id=\"edge48\" class=\"edge\">\n<title>47&#45;&gt;48</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2152.19,-222.8796C2139.1988,-213.2774 2125.281,-202.9903 2111.9723,-193.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2113.9004,-190.2263 2103.7782,-187.0969 2109.7396,-195.8555 2113.9004,-190.2263\"/>\n</g>\n<!-- 51 -->\n<g id=\"node52\" class=\"node\">\n<title>51</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M2262,-179.5C2262,-179.5 2155,-179.5 2155,-179.5 2149,-179.5 2143,-173.5 2143,-167.5 2143,-167.5 2143,-123.5 2143,-123.5 2143,-117.5 2149,-111.5 2155,-111.5 2155,-111.5 2262,-111.5 2262,-111.5 2268,-111.5 2274,-117.5 2274,-123.5 2274,-123.5 2274,-167.5 2274,-167.5 2274,-173.5 2268,-179.5 2262,-179.5\"/>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"2208.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 47&#45;&gt;51 -->\n<g id=\"edge51\" class=\"edge\">\n<title>47&#45;&gt;51</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2208.5,-222.8796C2208.5,-212.2134 2208.5,-200.7021 2208.5,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2212.0001,-189.8149 2208.5,-179.8149 2205.0001,-189.815 2212.0001,-189.8149\"/>\n</g>\n<!-- 49 -->\n<g id=\"node50\" class=\"node\">\n<title>49</title>\n<path fill=\"#6feb64\" stroke=\"#000000\" d=\"M1948,-68C1948,-68 1817,-68 1817,-68 1811,-68 1805,-62 1805,-56 1805,-56 1805,-12 1805,-12 1805,-6 1811,0 1817,0 1817,0 1948,0 1948,0 1954,0 1960,-6 1960,-12 1960,-12 1960,-56 1960,-56 1960,-62 1954,-68 1948,-68\"/>\n<text text-anchor=\"middle\" x=\"1882.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.677</text>\n<text text-anchor=\"middle\" x=\"1882.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 470</text>\n<text text-anchor=\"middle\" x=\"1882.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 386, 0, 84]</text>\n<text text-anchor=\"middle\" x=\"1882.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 48&#45;&gt;49 -->\n<g id=\"edge49\" class=\"edge\">\n<title>48&#45;&gt;49</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M1986.0601,-103.9815C1971.4309,-94.0957 1955.8549,-83.5701 1941.3452,-73.7651\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"1943.1859,-70.7848 1932.9406,-68.0856 1939.2665,-76.5847 1943.1859,-70.7848\"/>\n</g>\n<!-- 50 -->\n<g id=\"node51\" class=\"node\">\n<title>50</title>\n<path fill=\"#55e748\" stroke=\"#000000\" d=\"M2121,-68C2121,-68 1990,-68 1990,-68 1984,-68 1978,-62 1978,-56 1978,-56 1978,-12 1978,-12 1978,-6 1984,0 1990,0 1990,0 2121,0 2121,0 2127,0 2133,-6 2133,-12 2133,-12 2133,-56 2133,-56 2133,-62 2127,-68 2121,-68\"/>\n<text text-anchor=\"middle\" x=\"2055.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.363</text>\n<text text-anchor=\"middle\" x=\"2055.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 159</text>\n<text text-anchor=\"middle\" x=\"2055.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 148, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"2055.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 48&#45;&gt;50 -->\n<g id=\"edge50\" class=\"edge\">\n<title>48&#45;&gt;50</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2050.4789,-103.9815C2051.079,-95.618 2051.7119,-86.7965 2052.3186,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2055.8169,-78.4885 2053.0416,-68.2637 2048.8349,-77.9875 2055.8169,-78.4885\"/>\n</g>\n<!-- 56 -->\n<g id=\"node57\" class=\"node\">\n<title>56</title>\n<path fill=\"#4ae53d\" stroke=\"#000000\" d=\"M2985,-544C2985,-544 2786,-544 2786,-544 2780,-544 2774,-538 2774,-532 2774,-532 2774,-473 2774,-473 2774,-467 2780,-461 2786,-461 2786,-461 2985,-461 2985,-461 2991,-461 2997,-467 2997,-473 2997,-473 2997,-532 2997,-532 2997,-538 2991,-544 2985,-544\"/>\n<text text-anchor=\"middle\" x=\"2885.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(50...74] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2885.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.133</text>\n<text text-anchor=\"middle\" x=\"2885.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 271</text>\n<text text-anchor=\"middle\" x=\"2885.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 266, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"2885.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 55&#45;&gt;56 -->\n<g id=\"edge56\" class=\"edge\">\n<title>55&#45;&gt;56</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2896.5542,-579.8796C2895.3705,-571.5938 2894.114,-562.798 2892.8888,-554.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2896.3503,-553.7026 2891.4712,-544.2981 2889.4206,-554.6926 2896.3503,-553.7026\"/>\n</g>\n<!-- 73 -->\n<g id=\"node74\" class=\"node\">\n<title>73</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M3134,-536.5C3134,-536.5 3027,-536.5 3027,-536.5 3021,-536.5 3015,-530.5 3015,-524.5 3015,-524.5 3015,-480.5 3015,-480.5 3015,-474.5 3021,-468.5 3027,-468.5 3027,-468.5 3134,-468.5 3134,-468.5 3140,-468.5 3146,-474.5 3146,-480.5 3146,-480.5 3146,-524.5 3146,-524.5 3146,-530.5 3140,-536.5 3134,-536.5\"/>\n<text text-anchor=\"middle\" x=\"3080.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3080.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"3080.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"3080.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 55&#45;&gt;73 -->\n<g id=\"edge73\" class=\"edge\">\n<title>55&#45;&gt;73</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2964.7558,-579.8796C2982.9346,-567.7263 3002.7546,-554.4759 3020.7731,-542.4297\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3023.0907,-545.0905 3029.4588,-536.623 3019.2003,-539.2712 3023.0907,-545.0905\"/>\n</g>\n<!-- 57 -->\n<g id=\"node58\" class=\"node\">\n<title>57</title>\n<path fill=\"#49e53b\" stroke=\"#000000\" d=\"M2938,-425C2938,-425 2735,-425 2735,-425 2729,-425 2723,-419 2723,-413 2723,-413 2723,-354 2723,-354 2723,-348 2729,-342 2735,-342 2735,-342 2938,-342 2938,-342 2944,-342 2950,-348 2950,-354 2950,-354 2950,-413 2950,-413 2950,-419 2944,-425 2938,-425\"/>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1555...1602] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.091</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 258</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 255, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 56&#45;&gt;57 -->\n<g id=\"edge57\" class=\"edge\">\n<title>56&#45;&gt;57</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2868.3622,-460.8796C2864.8762,-452.4136 2861.171,-443.4153 2857.5669,-434.6626\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2860.7549,-433.2122 2853.711,-425.2981 2854.2822,-435.8775 2860.7549,-433.2122\"/>\n</g>\n<!-- 68 -->\n<g id=\"node69\" class=\"node\">\n<title>68</title>\n<path fill=\"#68ea5d\" stroke=\"#000000\" d=\"M3194.5,-425C3194.5,-425 2988.5,-425 2988.5,-425 2982.5,-425 2976.5,-419 2976.5,-413 2976.5,-413 2976.5,-354 2976.5,-354 2976.5,-348 2982.5,-342 2988.5,-342 2988.5,-342 3194.5,-342 3194.5,-342 3200.5,-342 3206.5,-348 3206.5,-354 3206.5,-354 3206.5,-413 3206.5,-413 3206.5,-419 3200.5,-425 3194.5,-425\"/>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Other&#45;relative &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.619</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 13</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 11, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 56&#45;&gt;68 -->\n<g id=\"edge68\" class=\"edge\">\n<title>56&#45;&gt;68</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2957.5488,-460.8796C2974.6415,-451.0056 2992.9879,-440.4075 3010.4514,-430.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3012.5836,-433.1297 3019.4919,-425.0969 3009.0821,-427.0684 3012.5836,-433.1297\"/>\n</g>\n<!-- 58 -->\n<g id=\"node59\" class=\"node\">\n<title>58</title>\n<path fill=\"#48e53b\" stroke=\"#000000\" d=\"M2685,-306C2685,-306 2512,-306 2512,-306 2506,-306 2500,-300 2500,-294 2500,-294 2500,-235 2500,-235 2500,-229 2506,-223 2512,-223 2512,-223 2685,-223 2685,-223 2691,-223 2697,-229 2697,-235 2697,-235 2697,-294 2697,-294 2697,-300 2691,-306 2685,-306\"/>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Local&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.066</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 254</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 252, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 57&#45;&gt;58 -->\n<g id=\"edge58\" class=\"edge\">\n<title>57&#45;&gt;58</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2753.2591,-341.8796C2733.0583,-331.7791 2711.3418,-320.9209 2690.752,-310.626\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2692.2034,-307.4386 2681.6938,-306.0969 2689.0729,-313.6996 2692.2034,-307.4386\"/>\n</g>\n<!-- 65 -->\n<g id=\"node66\" class=\"node\">\n<title>65</title>\n<path fill=\"#84ee7b\" stroke=\"#000000\" d=\"M2937,-306C2937,-306 2736,-306 2736,-306 2730,-306 2724,-300 2724,-294 2724,-294 2724,-235 2724,-235 2724,-229 2730,-223 2736,-223 2736,-223 2937,-223 2937,-223 2943,-223 2949,-229 2949,-235 2949,-235 2949,-294 2949,-294 2949,-300 2943,-306 2937,-306\"/>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Tech&#45;support &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"2836.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 57&#45;&gt;65 -->\n<g id=\"edge65\" class=\"edge\">\n<title>57&#45;&gt;65</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2836.5,-341.8796C2836.5,-333.6838 2836.5,-324.9891 2836.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2840.0001,-316.298 2836.5,-306.2981 2833.0001,-316.2981 2840.0001,-316.298\"/>\n</g>\n<!-- 59 -->\n<g id=\"node60\" class=\"node\">\n<title>59</title>\n<path fill=\"#48e53a\" stroke=\"#000000\" d=\"M2457,-187C2457,-187 2304,-187 2304,-187 2298,-187 2292,-181 2292,-175 2292,-175 2292,-116 2292,-116 2292,-110 2298,-104 2304,-104 2304,-104 2457,-104 2457,-104 2463,-104 2469,-110 2469,-116 2469,-116 2469,-175 2469,-175 2469,-181 2463,-187 2457,-187\"/>\n<text text-anchor=\"middle\" x=\"2380.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Sales &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2380.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.04</text>\n<text text-anchor=\"middle\" x=\"2380.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 230</text>\n<text text-anchor=\"middle\" x=\"2380.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 229, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"2380.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 58&#45;&gt;59 -->\n<g id=\"edge59\" class=\"edge\">\n<title>58&#45;&gt;59</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2522.2542,-222.8796C2503.9168,-212.8697 2484.216,-202.1156 2465.5074,-191.9031\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2467.1572,-188.8162 2456.7028,-187.0969 2463.8032,-194.9604 2467.1572,-188.8162\"/>\n</g>\n<!-- 62 -->\n<g id=\"node63\" class=\"node\">\n<title>62</title>\n<path fill=\"#4fe642\" stroke=\"#000000\" d=\"M2698.5,-187C2698.5,-187 2498.5,-187 2498.5,-187 2492.5,-187 2486.5,-181 2486.5,-175 2486.5,-175 2486.5,-116 2486.5,-116 2486.5,-110 2492.5,-104 2498.5,-104 2498.5,-104 2698.5,-104 2698.5,-104 2704.5,-104 2710.5,-110 2710.5,-116 2710.5,-116 2710.5,-175 2710.5,-175 2710.5,-181 2704.5,-187 2698.5,-187\"/>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Not&#45;in&#45;family &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.25</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 24</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 23, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"2598.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 58&#45;&gt;62 -->\n<g id=\"edge62\" class=\"edge\">\n<title>58&#45;&gt;62</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2598.5,-222.8796C2598.5,-214.6838 2598.5,-205.9891 2598.5,-197.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2602.0001,-197.298 2598.5,-187.2981 2595.0001,-197.2981 2602.0001,-197.298\"/>\n</g>\n<!-- 60 -->\n<g id=\"node61\" class=\"node\">\n<title>60</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M2318,-68C2318,-68 2195,-68 2195,-68 2189,-68 2183,-62 2183,-56 2183,-56 2183,-12 2183,-12 2183,-6 2189,0 2195,0 2195,0 2318,0 2318,0 2324,0 2330,-6 2330,-12 2330,-12 2330,-56 2330,-56 2330,-62 2324,-68 2318,-68\"/>\n<text text-anchor=\"middle\" x=\"2256.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2256.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 189</text>\n<text text-anchor=\"middle\" x=\"2256.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 189, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"2256.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 59&#45;&gt;60 -->\n<g id=\"edge60\" class=\"edge\">\n<title>59&#45;&gt;60</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2334.327,-103.9815C2323.7993,-94.5151 2312.6192,-84.462 2302.1151,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2304.3811,-72.3475 2294.6049,-68.2637 2299.7006,-77.5526 2304.3811,-72.3475\"/>\n</g>\n<!-- 61 -->\n<g id=\"node62\" class=\"node\">\n<title>61</title>\n<path fill=\"#4ce63e\" stroke=\"#000000\" d=\"M2475,-68C2475,-68 2360,-68 2360,-68 2354,-68 2348,-62 2348,-56 2348,-56 2348,-12 2348,-12 2348,-6 2354,0 2360,0 2360,0 2475,0 2475,0 2481,0 2487,-6 2487,-12 2487,-12 2487,-56 2487,-56 2487,-62 2481,-68 2475,-68\"/>\n<text text-anchor=\"middle\" x=\"2417.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.165</text>\n<text text-anchor=\"middle\" x=\"2417.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 41</text>\n<text text-anchor=\"middle\" x=\"2417.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 40, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"2417.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 59&#45;&gt;61 -->\n<g id=\"edge61\" class=\"edge\">\n<title>59&#45;&gt;61</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2394.2774,-103.9815C2397.1138,-95.4342 2400.1088,-86.4086 2402.9708,-77.7839\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2406.3023,-78.8571 2406.13,-68.2637 2399.6585,-76.6524 2406.3023,-78.8571\"/>\n</g>\n<!-- 63 -->\n<g id=\"node64\" class=\"node\">\n<title>63</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M2648,-68C2648,-68 2533,-68 2533,-68 2527,-68 2521,-62 2521,-56 2521,-56 2521,-12 2521,-12 2521,-6 2527,0 2533,0 2533,0 2648,0 2648,0 2654,0 2660,-6 2660,-12 2660,-12 2660,-56 2660,-56 2660,-62 2654,-68 2648,-68\"/>\n<text text-anchor=\"middle\" x=\"2590.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2590.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"2590.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 12, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"2590.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 62&#45;&gt;63 -->\n<g id=\"edge63\" class=\"edge\">\n<title>62&#45;&gt;63</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2595.5211,-103.9815C2594.921,-95.618 2594.2881,-86.7965 2593.6814,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2597.1651,-77.9875 2592.9584,-68.2637 2590.1831,-78.4885 2597.1651,-77.9875\"/>\n</g>\n<!-- 64 -->\n<g id=\"node65\" class=\"node\">\n<title>64</title>\n<path fill=\"#58e74b\" stroke=\"#000000\" d=\"M2805,-68C2805,-68 2690,-68 2690,-68 2684,-68 2678,-62 2678,-56 2678,-56 2678,-12 2678,-12 2678,-6 2684,0 2690,0 2690,0 2805,0 2805,0 2811,0 2817,-6 2817,-12 2817,-12 2817,-56 2817,-56 2817,-62 2811,-68 2805,-68\"/>\n<text text-anchor=\"middle\" x=\"2747.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.414</text>\n<text text-anchor=\"middle\" x=\"2747.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"2747.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 11, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"2747.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 62&#45;&gt;64 -->\n<g id=\"edge64\" class=\"edge\">\n<title>62&#45;&gt;64</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2653.9821,-103.9815C2666.8779,-94.3313 2680.5884,-84.0714 2693.4227,-74.4673\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2695.8032,-77.0574 2701.7127,-68.2637 2691.6092,-71.4528 2695.8032,-77.0574\"/>\n</g>\n<!-- 66 -->\n<g id=\"node67\" class=\"node\">\n<title>66</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M2848,-179.5C2848,-179.5 2741,-179.5 2741,-179.5 2735,-179.5 2729,-173.5 2729,-167.5 2729,-167.5 2729,-123.5 2729,-123.5 2729,-117.5 2735,-111.5 2741,-111.5 2741,-111.5 2848,-111.5 2848,-111.5 2854,-111.5 2860,-117.5 2860,-123.5 2860,-123.5 2860,-167.5 2860,-167.5 2860,-173.5 2854,-179.5 2848,-179.5\"/>\n<text text-anchor=\"middle\" x=\"2794.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2794.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"2794.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"2794.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 65&#45;&gt;66 -->\n<g id=\"edge66\" class=\"edge\">\n<title>65&#45;&gt;66</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2821.8104,-222.8796C2818.0071,-212.1034 2813.8993,-200.4647 2810.0533,-189.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2813.2399,-188.08 2806.6112,-179.8149 2806.639,-190.4097 2813.2399,-188.08\"/>\n</g>\n<!-- 67 -->\n<g id=\"node68\" class=\"node\">\n<title>67</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M2997,-179.5C2997,-179.5 2890,-179.5 2890,-179.5 2884,-179.5 2878,-173.5 2878,-167.5 2878,-167.5 2878,-123.5 2878,-123.5 2878,-117.5 2884,-111.5 2890,-111.5 2890,-111.5 2997,-111.5 2997,-111.5 3003,-111.5 3009,-117.5 3009,-123.5 3009,-123.5 3009,-167.5 3009,-167.5 3009,-173.5 3003,-179.5 2997,-179.5\"/>\n<text text-anchor=\"middle\" x=\"2943.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"2943.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"2943.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"2943.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 65&#45;&gt;67 -->\n<g id=\"edge67\" class=\"edge\">\n<title>65&#45;&gt;67</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M2873.9234,-222.8796C2884.2061,-211.4436 2895.3623,-199.0363 2905.6679,-187.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"2908.5618,-189.5912 2912.6454,-179.8149 2903.3565,-184.9108 2908.5618,-189.5912\"/>\n</g>\n<!-- 69 -->\n<g id=\"node70\" class=\"node\">\n<title>69</title>\n<path fill=\"#58e74b\" stroke=\"#000000\" d=\"M3199,-306C3199,-306 2984,-306 2984,-306 2978,-306 2972,-300 2972,-294 2972,-294 2972,-235 2972,-235 2972,-229 2978,-223 2984,-223 2984,-223 3199,-223 3199,-223 3205,-223 3211,-229 3211,-235 3211,-235 3211,-294 3211,-294 3211,-300 3205,-306 3199,-306\"/>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;not&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.414</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 11, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"3091.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 68&#45;&gt;69 -->\n<g id=\"edge69\" class=\"edge\">\n<title>68&#45;&gt;69</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3091.5,-341.8796C3091.5,-333.6838 3091.5,-324.9891 3091.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3095.0001,-316.298 3091.5,-306.2981 3088.0001,-316.2981 3095.0001,-316.298\"/>\n</g>\n<!-- 72 -->\n<g id=\"node73\" class=\"node\">\n<title>72</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M3348,-298.5C3348,-298.5 3241,-298.5 3241,-298.5 3235,-298.5 3229,-292.5 3229,-286.5 3229,-286.5 3229,-242.5 3229,-242.5 3229,-236.5 3235,-230.5 3241,-230.5 3241,-230.5 3348,-230.5 3348,-230.5 3354,-230.5 3360,-236.5 3360,-242.5 3360,-242.5 3360,-286.5 3360,-286.5 3360,-292.5 3354,-298.5 3348,-298.5\"/>\n<text text-anchor=\"middle\" x=\"3294.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3294.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"3294.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"3294.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 68&#45;&gt;72 -->\n<g id=\"edge72\" class=\"edge\">\n<title>68&#45;&gt;72</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3162.4995,-341.8796C3183.6086,-329.5053 3206.6579,-315.9937 3227.5034,-303.7739\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3229.4332,-306.6997 3236.2901,-298.623 3225.8931,-300.6608 3229.4332,-306.6997\"/>\n</g>\n<!-- 70 -->\n<g id=\"node71\" class=\"node\">\n<title>70</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M3154,-179.5C3154,-179.5 3039,-179.5 3039,-179.5 3033,-179.5 3027,-173.5 3027,-167.5 3027,-167.5 3027,-123.5 3027,-123.5 3027,-117.5 3033,-111.5 3039,-111.5 3039,-111.5 3154,-111.5 3154,-111.5 3160,-111.5 3166,-117.5 3166,-123.5 3166,-123.5 3166,-167.5 3166,-167.5 3166,-173.5 3160,-179.5 3154,-179.5\"/>\n<text text-anchor=\"middle\" x=\"3096.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3096.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"3096.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"3096.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 69&#45;&gt;70 -->\n<g id=\"edge70\" class=\"edge\">\n<title>69&#45;&gt;70</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3093.2488,-222.8796C3093.6969,-212.2134 3094.1806,-200.7021 3094.6344,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3098.1352,-189.9531 3095.0582,-179.8149 3091.1414,-189.6592 3098.1352,-189.9531\"/>\n</g>\n<!-- 71 -->\n<g id=\"node72\" class=\"node\">\n<title>71</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M3303,-179.5C3303,-179.5 3196,-179.5 3196,-179.5 3190,-179.5 3184,-173.5 3184,-167.5 3184,-167.5 3184,-123.5 3184,-123.5 3184,-117.5 3190,-111.5 3196,-111.5 3196,-111.5 3303,-111.5 3303,-111.5 3309,-111.5 3315,-117.5 3315,-123.5 3315,-123.5 3315,-167.5 3315,-167.5 3315,-173.5 3309,-179.5 3303,-179.5\"/>\n<text text-anchor=\"middle\" x=\"3249.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"3249.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"3249.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"3249.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 69&#45;&gt;71 -->\n<g id=\"edge71\" class=\"edge\">\n<title>69&#45;&gt;71</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3146.7607,-222.8796C3162.7503,-210.8368 3180.1703,-197.7167 3196.0474,-185.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3198.3116,-188.435 3204.1938,-179.623 3194.1002,-182.8435 3198.3116,-188.435\"/>\n</g>\n<!-- 75 -->\n<g id=\"node76\" class=\"node\">\n<title>75</title>\n<path fill=\"#73eb68\" stroke=\"#000000\" d=\"M4181,-782C4181,-782 3960,-782 3960,-782 3954,-782 3948,-776 3948,-770 3948,-770 3948,-711 3948,-711 3948,-705 3954,-699 3960,-699 3960,-699 4181,-699 4181,-699 4187,-699 4193,-705 4193,-711 4193,-711 4193,-770 4193,-770 4193,-776 4187,-782 4181,-782\"/>\n<text text-anchor=\"middle\" x=\"4070.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(27500...28750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4070.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.708</text>\n<text text-anchor=\"middle\" x=\"4070.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 202</text>\n<text text-anchor=\"middle\" x=\"4070.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 163, 0, 39]</text>\n<text text-anchor=\"middle\" x=\"4070.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 74&#45;&gt;75 -->\n<g id=\"edge75\" class=\"edge\">\n<title>74&#45;&gt;75</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4150.4806,-817.8796C4140.9853,-808.6931 4130.8422,-798.8798 4121.0785,-789.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4123.3237,-786.7359 4113.703,-782.2981 4118.4564,-791.7668 4123.3237,-786.7359\"/>\n</g>\n<!-- 90 -->\n<g id=\"node91\" class=\"node\">\n<title>90</title>\n<path fill=\"#d9fad6\" stroke=\"#000000\" d=\"M4410,-782C4410,-782 4223,-782 4223,-782 4217,-782 4211,-776 4211,-770 4211,-770 4211,-711 4211,-711 4211,-705 4217,-699 4223,-699 4223,-699 4410,-699 4410,-699 4416,-699 4422,-705 4422,-711 4422,-711 4422,-770 4422,-770 4422,-776 4416,-782 4410,-782\"/>\n<text text-anchor=\"middle\" x=\"4316.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Unmarried &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4316.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.991</text>\n<text text-anchor=\"middle\" x=\"4316.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 70</text>\n<text text-anchor=\"middle\" x=\"4316.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 39, 0, 31]</text>\n<text text-anchor=\"middle\" x=\"4316.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 74&#45;&gt;90 -->\n<g id=\"edge90\" class=\"edge\">\n<title>74&#45;&gt;90</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4236.5194,-817.8796C4246.0147,-808.6931 4256.1578,-798.8798 4265.9215,-789.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4268.5436,-791.7668 4273.297,-782.2981 4263.6763,-786.7359 4268.5436,-791.7668\"/>\n</g>\n<!-- 76 -->\n<g id=\"node77\" class=\"node\">\n<title>76</title>\n<path fill=\"#70eb65\" stroke=\"#000000\" d=\"M3976,-663C3976,-663 3755,-663 3755,-663 3749,-663 3743,-657 3743,-651 3743,-651 3743,-592 3743,-592 3743,-586 3749,-580 3755,-580 3755,-580 3976,-580 3976,-580 3982,-580 3988,-586 3988,-592 3988,-592 3988,-651 3988,-651 3988,-657 3982,-663 3976,-663\"/>\n<text text-anchor=\"middle\" x=\"3865.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(10000...11250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3865.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.682</text>\n<text text-anchor=\"middle\" x=\"3865.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 199</text>\n<text text-anchor=\"middle\" x=\"3865.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 163, 0, 36]</text>\n<text text-anchor=\"middle\" x=\"3865.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 75&#45;&gt;76 -->\n<g id=\"edge76\" class=\"edge\">\n<title>75&#45;&gt;76</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3998.8009,-698.8796C3981.7912,-689.0056 3963.5339,-678.4075 3946.1552,-668.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3947.5642,-665.0903 3937.1586,-663.0969 3944.0499,-671.1443 3947.5642,-665.0903\"/>\n</g>\n<!-- 89 -->\n<g id=\"node90\" class=\"node\">\n<title>89</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M4125,-655.5C4125,-655.5 4018,-655.5 4018,-655.5 4012,-655.5 4006,-649.5 4006,-643.5 4006,-643.5 4006,-599.5 4006,-599.5 4006,-593.5 4012,-587.5 4018,-587.5 4018,-587.5 4125,-587.5 4125,-587.5 4131,-587.5 4137,-593.5 4137,-599.5 4137,-599.5 4137,-643.5 4137,-643.5 4137,-649.5 4131,-655.5 4125,-655.5\"/>\n<text text-anchor=\"middle\" x=\"4071.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4071.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"4071.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"4071.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 75&#45;&gt;89 -->\n<g id=\"edge89\" class=\"edge\">\n<title>75&#45;&gt;89</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4070.8498,-698.8796C4070.9394,-688.2134 4071.0361,-676.7021 4071.1269,-665.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4074.6274,-665.844 4071.2116,-655.8149 4067.6276,-665.7851 4074.6274,-665.844\"/>\n</g>\n<!-- 77 -->\n<g id=\"node78\" class=\"node\">\n<title>77</title>\n<path fill=\"#6cea61\" stroke=\"#000000\" d=\"M3825,-544C3825,-544 3620,-544 3620,-544 3614,-544 3608,-538 3608,-532 3608,-532 3608,-473 3608,-473 3608,-467 3614,-461 3620,-461 3620,-461 3825,-461 3825,-461 3831,-461 3837,-467 3837,-473 3837,-473 3837,-532 3837,-532 3837,-538 3831,-544 3825,-544\"/>\n<text text-anchor=\"middle\" x=\"3722.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(7500...8750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3722.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.654</text>\n<text text-anchor=\"middle\" x=\"3722.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 196</text>\n<text text-anchor=\"middle\" x=\"3722.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 163, 0, 33]</text>\n<text text-anchor=\"middle\" x=\"3722.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 76&#45;&gt;77 -->\n<g id=\"edge77\" class=\"edge\">\n<title>76&#45;&gt;77</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3815.4855,-579.8796C3804.2299,-570.513 3792.1912,-560.4948 3780.6354,-550.8784\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3782.6534,-548.0043 3772.7279,-544.2981 3778.1758,-553.385 3782.6534,-548.0043\"/>\n</g>\n<!-- 88 -->\n<g id=\"node89\" class=\"node\">\n<title>88</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M3974,-536.5C3974,-536.5 3867,-536.5 3867,-536.5 3861,-536.5 3855,-530.5 3855,-524.5 3855,-524.5 3855,-480.5 3855,-480.5 3855,-474.5 3861,-468.5 3867,-468.5 3867,-468.5 3974,-468.5 3974,-468.5 3980,-468.5 3986,-474.5 3986,-480.5 3986,-480.5 3986,-524.5 3986,-524.5 3986,-530.5 3980,-536.5 3974,-536.5\"/>\n<text text-anchor=\"middle\" x=\"3920.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3920.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"3920.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"3920.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 76&#45;&gt;88 -->\n<g id=\"edge88\" class=\"edge\">\n<title>76&#45;&gt;88</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3884.7363,-579.8796C3889.8186,-568.8835 3895.3159,-556.9893 3900.4405,-545.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3903.6218,-547.3607 3904.6402,-536.8149 3897.2676,-544.4239 3903.6218,-547.3607\"/>\n</g>\n<!-- 78 -->\n<g id=\"node79\" class=\"node\">\n<title>78</title>\n<path fill=\"#69ea5e\" stroke=\"#000000\" d=\"M3762,-425C3762,-425 3609,-425 3609,-425 3603,-425 3597,-419 3597,-413 3597,-413 3597,-354 3597,-354 3597,-348 3603,-342 3609,-342 3609,-342 3762,-342 3762,-342 3768,-342 3774,-348 3774,-354 3774,-354 3774,-413 3774,-413 3774,-419 3768,-425 3762,-425\"/>\n<text text-anchor=\"middle\" x=\"3685.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Sales &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3685.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.625</text>\n<text text-anchor=\"middle\" x=\"3685.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 192</text>\n<text text-anchor=\"middle\" x=\"3685.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 162, 0, 30]</text>\n<text text-anchor=\"middle\" x=\"3685.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 77&#45;&gt;78 -->\n<g id=\"edge78\" class=\"edge\">\n<title>77&#45;&gt;78</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3709.5592,-460.8796C3706.9549,-452.5037 3704.1886,-443.6067 3701.4946,-434.942\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3704.8073,-433.808 3698.496,-425.2981 3698.123,-435.8863 3704.8073,-433.808\"/>\n</g>\n<!-- 85 -->\n<g id=\"node86\" class=\"node\">\n<title>85</title>\n<path fill=\"#e47bee\" stroke=\"#000000\" d=\"M4019,-425C4019,-425 3804,-425 3804,-425 3798,-425 3792,-419 3792,-413 3792,-413 3792,-354 3792,-354 3792,-348 3798,-342 3804,-342 3804,-342 4019,-342 4019,-342 4025,-342 4031,-348 4031,-354 4031,-354 4031,-413 4031,-413 4031,-419 4025,-425 4019,-425\"/>\n<text text-anchor=\"middle\" x=\"3911.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;not&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3911.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"3911.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"3911.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"3911.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 77&#45;&gt;85 -->\n<g id=\"edge85\" class=\"edge\">\n<title>77&#45;&gt;85</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3788.603,-460.8796C3804.1413,-451.0962 3820.8088,-440.6019 3836.6987,-430.5971\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3838.8368,-433.3869 3845.4343,-425.0969 3835.1071,-427.4633 3838.8368,-433.3869\"/>\n</g>\n<!-- 79 -->\n<g id=\"node80\" class=\"node\">\n<title>79</title>\n<path fill=\"#6cea61\" stroke=\"#000000\" d=\"M3586.5,-306C3586.5,-306 3390.5,-306 3390.5,-306 3384.5,-306 3378.5,-300 3378.5,-294 3378.5,-294 3378.5,-235 3378.5,-235 3378.5,-229 3384.5,-223 3390.5,-223 3390.5,-223 3586.5,-223 3586.5,-223 3592.5,-223 3598.5,-229 3598.5,-235 3598.5,-235 3598.5,-294 3598.5,-294 3598.5,-300 3592.5,-306 3586.5,-306\"/>\n<text text-anchor=\"middle\" x=\"3488.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Adm&#45;clerical &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3488.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.654</text>\n<text text-anchor=\"middle\" x=\"3488.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 178</text>\n<text text-anchor=\"middle\" x=\"3488.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 148, 0, 30]</text>\n<text text-anchor=\"middle\" x=\"3488.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 78&#45;&gt;79 -->\n<g id=\"edge79\" class=\"edge\">\n<title>78&#45;&gt;79</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3616.599,-341.8796C3600.253,-332.0056 3582.7081,-321.4075 3566.0076,-311.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3567.7314,-308.2716 3557.3621,-306.0969 3564.112,-314.2633 3567.7314,-308.2716\"/>\n</g>\n<!-- 84 -->\n<g id=\"node85\" class=\"node\">\n<title>84</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M3744,-298.5C3744,-298.5 3629,-298.5 3629,-298.5 3623,-298.5 3617,-292.5 3617,-286.5 3617,-286.5 3617,-242.5 3617,-242.5 3617,-236.5 3623,-230.5 3629,-230.5 3629,-230.5 3744,-230.5 3744,-230.5 3750,-230.5 3756,-236.5 3756,-242.5 3756,-242.5 3756,-286.5 3756,-286.5 3756,-292.5 3750,-298.5 3744,-298.5\"/>\n<text text-anchor=\"middle\" x=\"3686.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3686.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 14</text>\n<text text-anchor=\"middle\" x=\"3686.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 14, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"3686.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 78&#45;&gt;84 -->\n<g id=\"edge84\" class=\"edge\">\n<title>78&#45;&gt;84</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3685.8498,-341.8796C3685.9394,-331.2134 3686.0361,-319.7021 3686.1269,-308.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3689.6274,-308.844 3686.2116,-298.8149 3682.6276,-308.7851 3689.6274,-308.844\"/>\n</g>\n<!-- 80 -->\n<g id=\"node81\" class=\"node\">\n<title>80</title>\n<path fill=\"#70eb65\" stroke=\"#000000\" d=\"M3515,-187C3515,-187 3384,-187 3384,-187 3378,-187 3372,-181 3372,-175 3372,-175 3372,-116 3372,-116 3372,-110 3378,-104 3384,-104 3384,-104 3515,-104 3515,-104 3521,-104 3527,-110 3527,-116 3527,-116 3527,-175 3527,-175 3527,-181 3521,-187 3515,-187\"/>\n<text text-anchor=\"middle\" x=\"3449.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(36...41] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"3449.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.684</text>\n<text text-anchor=\"middle\" x=\"3449.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 165</text>\n<text text-anchor=\"middle\" x=\"3449.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 135, 0, 30]</text>\n<text text-anchor=\"middle\" x=\"3449.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 79&#45;&gt;80 -->\n<g id=\"edge80\" class=\"edge\">\n<title>79&#45;&gt;80</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3474.8597,-222.8796C3472.1147,-214.5037 3469.1988,-205.6067 3466.3591,-196.942\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3469.6389,-195.7107 3463.1985,-187.2981 3462.987,-197.8908 3469.6389,-195.7107\"/>\n</g>\n<!-- 83 -->\n<g id=\"node84\" class=\"node\">\n<title>83</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M3672,-179.5C3672,-179.5 3557,-179.5 3557,-179.5 3551,-179.5 3545,-173.5 3545,-167.5 3545,-167.5 3545,-123.5 3545,-123.5 3545,-117.5 3551,-111.5 3557,-111.5 3557,-111.5 3672,-111.5 3672,-111.5 3678,-111.5 3684,-117.5 3684,-123.5 3684,-123.5 3684,-167.5 3684,-167.5 3684,-173.5 3678,-179.5 3672,-179.5\"/>\n<text text-anchor=\"middle\" x=\"3614.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3614.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 13</text>\n<text text-anchor=\"middle\" x=\"3614.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 13, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"3614.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 79&#45;&gt;83 -->\n<g id=\"edge83\" class=\"edge\">\n<title>79&#45;&gt;83</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3532.5687,-222.8796C3544.9102,-211.2237 3558.3202,-198.5587 3570.649,-186.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3573.2996,-189.2258 3578.1665,-179.8149 3568.4932,-184.1366 3573.2996,-189.2258\"/>\n</g>\n<!-- 81 -->\n<g id=\"node82\" class=\"node\">\n<title>81</title>\n<path fill=\"#68ea5d\" stroke=\"#000000\" d=\"M3432,-68C3432,-68 3301,-68 3301,-68 3295,-68 3289,-62 3289,-56 3289,-56 3289,-12 3289,-12 3289,-6 3295,0 3301,0 3301,0 3432,0 3432,0 3438,0 3444,-6 3444,-12 3444,-12 3444,-56 3444,-56 3444,-62 3438,-68 3432,-68\"/>\n<text text-anchor=\"middle\" x=\"3366.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.619</text>\n<text text-anchor=\"middle\" x=\"3366.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 143</text>\n<text text-anchor=\"middle\" x=\"3366.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 121, 0, 22]</text>\n<text text-anchor=\"middle\" x=\"3366.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 80&#45;&gt;81 -->\n<g id=\"edge81\" class=\"edge\">\n<title>80&#45;&gt;81</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3418.5939,-103.9815C3411.8892,-94.9747 3404.7892,-85.4367 3398.0597,-76.3965\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3400.7845,-74.1953 3392.0057,-68.2637 3395.1694,-78.3752 3400.7845,-74.1953\"/>\n</g>\n<!-- 82 -->\n<g id=\"node83\" class=\"node\">\n<title>82</title>\n<path fill=\"#b0f4aa\" stroke=\"#000000\" d=\"M3589,-68C3589,-68 3474,-68 3474,-68 3468,-68 3462,-62 3462,-56 3462,-56 3462,-12 3462,-12 3462,-6 3468,0 3474,0 3474,0 3589,0 3589,0 3595,0 3601,-6 3601,-12 3601,-12 3601,-56 3601,-56 3601,-62 3595,-68 3589,-68\"/>\n<text text-anchor=\"middle\" x=\"3531.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.946</text>\n<text text-anchor=\"middle\" x=\"3531.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 22</text>\n<text text-anchor=\"middle\" x=\"3531.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 14, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"3531.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 80&#45;&gt;82 -->\n<g id=\"edge82\" class=\"edge\">\n<title>80&#45;&gt;82</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3480.0338,-103.9815C3486.6576,-94.9747 3493.6721,-85.4367 3500.3205,-76.3965\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3503.1966,-78.3933 3506.3016,-68.2637 3497.5574,-74.2461 3503.1966,-78.3933\"/>\n</g>\n<!-- 86 -->\n<g id=\"node87\" class=\"node\">\n<title>86</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M3893,-298.5C3893,-298.5 3786,-298.5 3786,-298.5 3780,-298.5 3774,-292.5 3774,-286.5 3774,-286.5 3774,-242.5 3774,-242.5 3774,-236.5 3780,-230.5 3786,-230.5 3786,-230.5 3893,-230.5 3893,-230.5 3899,-230.5 3905,-236.5 3905,-242.5 3905,-242.5 3905,-286.5 3905,-286.5 3905,-292.5 3899,-298.5 3893,-298.5\"/>\n<text text-anchor=\"middle\" x=\"3839.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3839.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"3839.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"3839.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 85&#45;&gt;86 -->\n<g id=\"edge86\" class=\"edge\">\n<title>85&#45;&gt;86</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3886.3179,-341.8796C3879.5983,-330.7735 3872.3243,-318.7513 3865.5586,-307.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3868.4332,-305.5589 3860.262,-298.8149 3862.4441,-309.1826 3868.4332,-305.5589\"/>\n</g>\n<!-- 87 -->\n<g id=\"node88\" class=\"node\">\n<title>87</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M4042,-298.5C4042,-298.5 3935,-298.5 3935,-298.5 3929,-298.5 3923,-292.5 3923,-286.5 3923,-286.5 3923,-242.5 3923,-242.5 3923,-236.5 3929,-230.5 3935,-230.5 3935,-230.5 4042,-230.5 4042,-230.5 4048,-230.5 4054,-236.5 4054,-242.5 4054,-242.5 4054,-286.5 4054,-286.5 4054,-292.5 4048,-298.5 4042,-298.5\"/>\n<text text-anchor=\"middle\" x=\"3988.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"3988.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"3988.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"3988.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 85&#45;&gt;87 -->\n<g id=\"edge87\" class=\"edge\">\n<title>85&#45;&gt;87</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3938.4309,-341.8796C3945.6883,-330.6636 3953.5503,-318.5131 3960.8465,-307.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3963.8022,-309.112 3966.2962,-298.8149 3957.9252,-305.3093 3963.8022,-309.112\"/>\n</g>\n<!-- 91 -->\n<g id=\"node92\" class=\"node\">\n<title>91</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M4385,-663C4385,-663 4194,-663 4194,-663 4188,-663 4182,-657 4182,-651 4182,-651 4182,-592 4182,-592 4182,-586 4188,-580 4194,-580 4194,-580 4385,-580 4385,-580 4391,-580 4397,-586 4397,-592 4397,-592 4397,-651 4397,-651 4397,-657 4391,-663 4385,-663\"/>\n<text text-anchor=\"middle\" x=\"4289.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4289.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"4289.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 60</text>\n<text text-anchor=\"middle\" x=\"4289.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 30, 0, 30]</text>\n<text text-anchor=\"middle\" x=\"4289.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 90&#45;&gt;91 -->\n<g id=\"edge91\" class=\"edge\">\n<title>90&#45;&gt;91</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4307.0567,-698.8796C4305.1767,-690.5938 4303.1811,-681.798 4301.2351,-673.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4304.6096,-672.2757 4298.9836,-663.2981 4297.7831,-673.8247 4304.6096,-672.2757\"/>\n</g>\n<!-- 104 -->\n<g id=\"node105\" class=\"node\">\n<title>104</title>\n<path fill=\"#5be84f\" stroke=\"#000000\" d=\"M4628,-663C4628,-663 4427,-663 4427,-663 4421,-663 4415,-657 4415,-651 4415,-651 4415,-592 4415,-592 4415,-586 4421,-580 4427,-580 4427,-580 4628,-580 4628,-580 4634,-580 4640,-586 4640,-592 4640,-592 4640,-651 4640,-651 4640,-657 4634,-663 4628,-663\"/>\n<text text-anchor=\"middle\" x=\"4527.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(308874...456564] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4527.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.469</text>\n<text text-anchor=\"middle\" x=\"4527.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"4527.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 9, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"4527.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 90&#45;&gt;104 -->\n<g id=\"edge104\" class=\"edge\">\n<title>90&#45;&gt;104</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4390.2976,-698.8796C4407.9658,-688.915 4426.9418,-678.2129 4444.9763,-668.0418\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4446.7532,-671.058 4453.7441,-663.0969 4443.3145,-664.9608 4446.7532,-671.058\"/>\n</g>\n<!-- 92 -->\n<g id=\"node93\" class=\"node\">\n<title>92</title>\n<path fill=\"#edfceb\" stroke=\"#000000\" d=\"M4237.5,-544C4237.5,-544 4053.5,-544 4053.5,-544 4047.5,-544 4041.5,-538 4041.5,-532 4041.5,-532 4041.5,-473 4041.5,-473 4041.5,-467 4047.5,-461 4053.5,-461 4053.5,-461 4237.5,-461 4237.5,-461 4243.5,-461 4249.5,-467 4249.5,-473 4249.5,-473 4249.5,-532 4249.5,-532 4249.5,-538 4243.5,-544 4237.5,-544\"/>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Own&#45;child &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.998</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 57</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 30, 0, 27]</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 91&#45;&gt;92 -->\n<g id=\"edge92\" class=\"edge\">\n<title>91&#45;&gt;92</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4239.1358,-579.8796C4227.8015,-570.513 4215.6785,-560.4948 4204.0419,-550.8784\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4206.0173,-547.9703 4196.0792,-544.2981 4201.5581,-553.3663 4206.0173,-547.9703\"/>\n</g>\n<!-- 103 -->\n<g id=\"node104\" class=\"node\">\n<title>103</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M4387,-536.5C4387,-536.5 4280,-536.5 4280,-536.5 4274,-536.5 4268,-530.5 4268,-524.5 4268,-524.5 4268,-480.5 4268,-480.5 4268,-474.5 4274,-468.5 4280,-468.5 4280,-468.5 4387,-468.5 4387,-468.5 4393,-468.5 4399,-474.5 4399,-480.5 4399,-480.5 4399,-524.5 4399,-524.5 4399,-530.5 4393,-536.5 4387,-536.5\"/>\n<text text-anchor=\"middle\" x=\"4333.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4333.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"4333.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"4333.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 91&#45;&gt;103 -->\n<g id=\"edge103\" class=\"edge\">\n<title>91&#45;&gt;103</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4304.8891,-579.8796C4308.9142,-568.9935 4313.2648,-557.227 4317.3293,-546.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4320.6268,-547.4082 4320.8121,-536.8149 4314.0613,-544.9805 4320.6268,-547.4082\"/>\n</g>\n<!-- 93 -->\n<g id=\"node94\" class=\"node\">\n<title>93</title>\n<path fill=\"#dafad7\" stroke=\"#000000\" d=\"M4207,-425C4207,-425 4084,-425 4084,-425 4078,-425 4072,-419 4072,-413 4072,-413 4072,-354 4072,-354 4072,-348 4078,-342 4084,-342 4084,-342 4207,-342 4207,-342 4213,-342 4219,-348 4219,-354 4219,-354 4219,-413 4219,-413 4219,-419 4213,-425 4207,-425\"/>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(22...27] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.991</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 54</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 30, 0, 24]</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 92&#45;&gt;93 -->\n<g id=\"edge93\" class=\"edge\">\n<title>92&#45;&gt;93</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4145.5,-460.8796C4145.5,-452.6838 4145.5,-443.9891 4145.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4149.0001,-435.298 4145.5,-425.2981 4142.0001,-435.2981 4149.0001,-435.298\"/>\n</g>\n<!-- 102 -->\n<g id=\"node103\" class=\"node\">\n<title>102</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M4356,-417.5C4356,-417.5 4249,-417.5 4249,-417.5 4243,-417.5 4237,-411.5 4237,-405.5 4237,-405.5 4237,-361.5 4237,-361.5 4237,-355.5 4243,-349.5 4249,-349.5 4249,-349.5 4356,-349.5 4356,-349.5 4362,-349.5 4368,-355.5 4368,-361.5 4368,-361.5 4368,-405.5 4368,-405.5 4368,-411.5 4362,-417.5 4356,-417.5\"/>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 92&#45;&gt;102 -->\n<g id=\"edge102\" class=\"edge\">\n<title>92&#45;&gt;102</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4200.411,-460.8796C4216.2994,-448.8368 4233.6091,-435.7167 4249.3857,-423.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4251.6253,-426.4529 4257.4805,-417.623 4247.3969,-420.8743 4251.6253,-426.4529\"/>\n</g>\n<!-- 94 -->\n<g id=\"node95\" class=\"node\">\n<title>94</title>\n<path fill=\"#f1fdf0\" stroke=\"#000000\" d=\"M4207,-306C4207,-306 4084,-306 4084,-306 4078,-306 4072,-300 4072,-294 4072,-294 4072,-235 4072,-235 4072,-229 4078,-223 4084,-223 4084,-223 4207,-223 4207,-223 4213,-223 4219,-229 4219,-235 4219,-235 4219,-294 4219,-294 4219,-300 4213,-306 4207,-306\"/>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(27...32] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.999</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 50</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 26, 0, 24]</text>\n<text text-anchor=\"middle\" x=\"4145.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 93&#45;&gt;94 -->\n<g id=\"edge94\" class=\"edge\">\n<title>93&#45;&gt;94</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4145.5,-341.8796C4145.5,-333.6838 4145.5,-324.9891 4145.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4149.0001,-316.298 4145.5,-306.2981 4142.0001,-316.2981 4149.0001,-316.298\"/>\n</g>\n<!-- 101 -->\n<g id=\"node102\" class=\"node\">\n<title>101</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M4356,-298.5C4356,-298.5 4249,-298.5 4249,-298.5 4243,-298.5 4237,-292.5 4237,-286.5 4237,-286.5 4237,-242.5 4237,-242.5 4237,-236.5 4243,-230.5 4249,-230.5 4249,-230.5 4356,-230.5 4356,-230.5 4362,-230.5 4368,-236.5 4368,-242.5 4368,-242.5 4368,-286.5 4368,-286.5 4368,-292.5 4362,-298.5 4356,-298.5\"/>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 4, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"4302.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 93&#45;&gt;101 -->\n<g id=\"edge101\" class=\"edge\">\n<title>93&#45;&gt;101</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4200.411,-341.8796C4216.2994,-329.8368 4233.6091,-316.7167 4249.3857,-304.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4251.6253,-307.4529 4257.4805,-298.623 4247.3969,-301.8743 4251.6253,-307.4529\"/>\n</g>\n<!-- 95 -->\n<g id=\"node96\" class=\"node\">\n<title>95</title>\n<path fill=\"#fae4fb\" stroke=\"#000000\" d=\"M4106,-187C4106,-187 3983,-187 3983,-187 3977,-187 3971,-181 3971,-175 3971,-175 3971,-116 3971,-116 3971,-110 3977,-104 3983,-104 3983,-104 4106,-104 4106,-104 4112,-104 4118,-110 4118,-116 4118,-116 4118,-175 4118,-175 4118,-181 4112,-187 4106,-187\"/>\n<text text-anchor=\"middle\" x=\"4044.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(36...41] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4044.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.996</text>\n<text text-anchor=\"middle\" x=\"4044.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 41</text>\n<text text-anchor=\"middle\" x=\"4044.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 19, 0, 22]</text>\n<text text-anchor=\"middle\" x=\"4044.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 94&#45;&gt;95 -->\n<g id=\"edge95\" class=\"edge\">\n<title>94&#45;&gt;95</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4110.1751,-222.8796C4102.5311,-213.8733 4094.3757,-204.2644 4086.5039,-194.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4089.1151,-192.6574 4079.9757,-187.2981 4083.7782,-197.1871 4089.1151,-192.6574\"/>\n</g>\n<!-- 98 -->\n<g id=\"node99\" class=\"node\">\n<title>98</title>\n<path fill=\"#7cec72\" stroke=\"#000000\" d=\"M4347,-187C4347,-187 4148,-187 4148,-187 4142,-187 4136,-181 4136,-175 4136,-175 4136,-116 4136,-116 4136,-110 4142,-104 4148,-104 4148,-104 4347,-104 4347,-104 4353,-104 4359,-110 4359,-116 4359,-116 4359,-175 4359,-175 4359,-181 4353,-187 4347,-187\"/>\n<text text-anchor=\"middle\" x=\"4247.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(26...50] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4247.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.764</text>\n<text text-anchor=\"middle\" x=\"4247.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"4247.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 7, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"4247.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 94&#45;&gt;98 -->\n<g id=\"edge98\" class=\"edge\">\n<title>94&#45;&gt;98</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4181.1747,-222.8796C4188.8943,-213.8733 4197.1305,-204.2644 4205.0803,-194.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4207.8225,-197.1684 4211.6731,-187.2981 4202.5077,-192.6129 4207.8225,-197.1684\"/>\n</g>\n<!-- 96 -->\n<g id=\"node97\" class=\"node\">\n<title>96</title>\n<path fill=\"#f1baf6\" stroke=\"#000000\" d=\"M3962,-68C3962,-68 3839,-68 3839,-68 3833,-68 3827,-62 3827,-56 3827,-56 3827,-12 3827,-12 3827,-6 3833,0 3839,0 3839,0 3962,0 3962,0 3968,0 3974,-6 3974,-12 3974,-12 3974,-56 3974,-56 3974,-62 3968,-68 3962,-68\"/>\n<text text-anchor=\"middle\" x=\"3900.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.967</text>\n<text text-anchor=\"middle\" x=\"3900.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 33</text>\n<text text-anchor=\"middle\" x=\"3900.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 13, 0, 20]</text>\n<text text-anchor=\"middle\" x=\"3900.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 95&#45;&gt;96 -->\n<g id=\"edge96\" class=\"edge\">\n<title>95&#45;&gt;96</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M3990.8797,-103.9815C3978.4167,-94.3313 3965.1662,-84.0714 3952.7627,-74.4673\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"3954.8005,-71.6186 3944.7508,-68.2637 3950.5149,-77.1534 3954.8005,-71.6186\"/>\n</g>\n<!-- 97 -->\n<g id=\"node98\" class=\"node\">\n<title>97</title>\n<path fill=\"#84ee7b\" stroke=\"#000000\" d=\"M4111,-68C4111,-68 4004,-68 4004,-68 3998,-68 3992,-62 3992,-56 3992,-56 3992,-12 3992,-12 3992,-6 3998,0 4004,0 4004,0 4111,0 4111,0 4117,0 4123,-6 4123,-12 4123,-12 4123,-56 4123,-56 4123,-62 4117,-68 4111,-68\"/>\n<text text-anchor=\"middle\" x=\"4057.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"4057.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"4057.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"4057.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 95&#45;&gt;97 -->\n<g id=\"edge97\" class=\"edge\">\n<title>95&#45;&gt;97</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4049.3407,-103.9815C4050.3158,-95.618 4051.3443,-86.7965 4052.3302,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4055.8234,-78.6017 4053.5051,-68.2637 4048.8705,-77.791 4055.8234,-78.6017\"/>\n</g>\n<!-- 99 -->\n<g id=\"node100\" class=\"node\">\n<title>99</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M4274,-68C4274,-68 4167,-68 4167,-68 4161,-68 4155,-62 4155,-56 4155,-56 4155,-12 4155,-12 4155,-6 4161,0 4167,0 4167,0 4274,0 4274,0 4280,0 4286,-6 4286,-12 4286,-12 4286,-56 4286,-56 4286,-62 4280,-68 4274,-68\"/>\n<text text-anchor=\"middle\" x=\"4220.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"4220.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"4220.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"4220.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 98&#45;&gt;99 -->\n<g id=\"edge99\" class=\"edge\">\n<title>98&#45;&gt;99</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4237.4462,-103.9815C4235.3987,-95.5261 4233.2379,-86.6026 4231.1698,-78.0623\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4234.5523,-77.159 4228.797,-68.2637 4227.7489,-78.8065 4234.5523,-77.159\"/>\n</g>\n<!-- 100 -->\n<g id=\"node101\" class=\"node\">\n<title>100</title>\n<path fill=\"#66e95a\" stroke=\"#000000\" d=\"M4423,-68C4423,-68 4316,-68 4316,-68 4310,-68 4304,-62 4304,-56 4304,-56 4304,-12 4304,-12 4304,-6 4310,0 4316,0 4316,0 4423,0 4423,0 4429,0 4435,-6 4435,-12 4435,-12 4435,-56 4435,-56 4435,-62 4429,-68 4423,-68\"/>\n<text text-anchor=\"middle\" x=\"4369.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"4369.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"4369.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"4369.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 98&#45;&gt;100 -->\n<g id=\"edge100\" class=\"edge\">\n<title>98&#45;&gt;100</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4292.9283,-103.9815C4303.2861,-94.5151 4314.2859,-84.462 4324.6206,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4326.9893,-77.5935 4332.0097,-68.2637 4322.2669,-72.4264 4326.9893,-77.5935\"/>\n</g>\n<!-- 105 -->\n<g id=\"node106\" class=\"node\">\n<title>105</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M4536,-536.5C4536,-536.5 4429,-536.5 4429,-536.5 4423,-536.5 4417,-530.5 4417,-524.5 4417,-524.5 4417,-480.5 4417,-480.5 4417,-474.5 4423,-468.5 4429,-468.5 4429,-468.5 4536,-468.5 4536,-468.5 4542,-468.5 4548,-474.5 4548,-480.5 4548,-480.5 4548,-524.5 4548,-524.5 4548,-530.5 4542,-536.5 4536,-536.5\"/>\n<text text-anchor=\"middle\" x=\"4482.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4482.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"4482.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 9, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"4482.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 104&#45;&gt;105 -->\n<g id=\"edge105\" class=\"edge\">\n<title>104&#45;&gt;105</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4511.7612,-579.8796C4507.6446,-568.9935 4503.1951,-557.227 4499.0382,-546.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4502.2871,-544.9305 4495.4762,-536.8149 4495.7396,-547.4065 4502.2871,-544.9305\"/>\n</g>\n<!-- 106 -->\n<g id=\"node107\" class=\"node\">\n<title>106</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M4685,-536.5C4685,-536.5 4578,-536.5 4578,-536.5 4572,-536.5 4566,-530.5 4566,-524.5 4566,-524.5 4566,-480.5 4566,-480.5 4566,-474.5 4572,-468.5 4578,-468.5 4578,-468.5 4685,-468.5 4685,-468.5 4691,-468.5 4697,-474.5 4697,-480.5 4697,-480.5 4697,-524.5 4697,-524.5 4697,-530.5 4691,-536.5 4685,-536.5\"/>\n<text text-anchor=\"middle\" x=\"4631.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4631.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"4631.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"4631.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 104&#45;&gt;106 -->\n<g id=\"edge106\" class=\"edge\">\n<title>104&#45;&gt;106</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4563.8742,-579.8796C4573.8686,-568.4436 4584.712,-556.0363 4594.7286,-544.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4597.5653,-546.6479 4601.5105,-536.8149 4592.2945,-542.0414 4597.5653,-546.6479\"/>\n</g>\n<!-- 108 -->\n<g id=\"node109\" class=\"node\">\n<title>108</title>\n<path fill=\"#b5f5b0\" stroke=\"#000000\" d=\"M5646.5,-901C5646.5,-901 5422.5,-901 5422.5,-901 5416.5,-901 5410.5,-895 5410.5,-889 5410.5,-889 5410.5,-830 5410.5,-830 5410.5,-824 5416.5,-818 5422.5,-818 5422.5,-818 5646.5,-818 5646.5,-818 5652.5,-818 5658.5,-824 5658.5,-830 5658.5,-830 5658.5,-889 5658.5,-889 5658.5,-895 5652.5,-901 5646.5,-901\"/>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Never&#45;married &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.954</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 72</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 45, 0, 27]</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 107&#45;&gt;108 -->\n<g id=\"edge108\" class=\"edge\">\n<title>107&#45;&gt;108</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5641.1408,-936.8796C5627.9075,-927.2774 5613.7303,-916.9903 5600.1736,-907.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5601.9762,-904.1371 5591.8269,-901.0969 5597.8651,-909.8027 5601.9762,-904.1371\"/>\n</g>\n<!-- 137 -->\n<g id=\"node138\" class=\"node\">\n<title>137</title>\n<path fill=\"#df5fea\" stroke=\"#000000\" d=\"M5867.5,-901C5867.5,-901 5745.5,-901 5745.5,-901 5739.5,-901 5733.5,-895 5733.5,-889 5733.5,-889 5733.5,-830 5733.5,-830 5733.5,-824 5739.5,-818 5745.5,-818 5745.5,-818 5867.5,-818 5867.5,-818 5873.5,-818 5879.5,-824 5879.5,-830 5879.5,-830 5879.5,-889 5879.5,-889 5879.5,-895 5873.5,-901 5867.5,-901\"/>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(36...41] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.634</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 25</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 4, 0, 21]</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 107&#45;&gt;137 -->\n<g id=\"edge137\" class=\"edge\">\n<title>107&#45;&gt;137</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5736.2732,-936.8796C5744.5287,-927.7832 5753.342,-918.0722 5761.8374,-908.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5764.4368,-911.0553 5768.5656,-901.2981 5759.2533,-906.3509 5764.4368,-911.0553\"/>\n</g>\n<!-- 109 -->\n<g id=\"node110\" class=\"node\">\n<title>109</title>\n<path fill=\"#f7d5fa\" stroke=\"#000000\" d=\"M5336.5,-782C5336.5,-782 5164.5,-782 5164.5,-782 5158.5,-782 5152.5,-776 5152.5,-770 5152.5,-770 5152.5,-711 5152.5,-711 5152.5,-705 5158.5,-699 5164.5,-699 5164.5,-699 5336.5,-699 5336.5,-699 5342.5,-699 5348.5,-705 5348.5,-711 5348.5,-711 5348.5,-770 5348.5,-770 5348.5,-776 5342.5,-782 5336.5,-782\"/>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_State&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.99</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 34</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 15, 0, 19]</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 108&#45;&gt;109 -->\n<g id=\"edge109\" class=\"edge\">\n<title>108&#45;&gt;109</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5435.1706,-817.8796C5410.24,-807.4333 5383.3748,-796.1764 5358.0633,-785.5705\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5359.3904,-782.3318 5348.8147,-781.6952 5356.6851,-788.788 5359.3904,-782.3318\"/>\n</g>\n<!-- 124 -->\n<g id=\"node125\" class=\"node\">\n<title>124</title>\n<path fill=\"#78ec6e\" stroke=\"#000000\" d=\"M5634.5,-782C5634.5,-782 5434.5,-782 5434.5,-782 5428.5,-782 5422.5,-776 5422.5,-770 5422.5,-770 5422.5,-711 5422.5,-711 5422.5,-705 5428.5,-699 5434.5,-699 5434.5,-699 5634.5,-699 5634.5,-699 5640.5,-699 5646.5,-705 5646.5,-711 5646.5,-711 5646.5,-770 5646.5,-770 5646.5,-776 5640.5,-782 5634.5,-782\"/>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Not&#45;in&#45;family &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.742</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 38</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 30, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"5534.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 108&#45;&gt;124 -->\n<g id=\"edge124\" class=\"edge\">\n<title>108&#45;&gt;124</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5534.5,-817.8796C5534.5,-809.6838 5534.5,-800.9891 5534.5,-792.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5538.0001,-792.298 5534.5,-782.2981 5531.0001,-792.2981 5538.0001,-792.298\"/>\n</g>\n<!-- 110 -->\n<g id=\"node111\" class=\"node\">\n<title>110</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M5113,-663C5113,-663 4914,-663 4914,-663 4908,-663 4902,-657 4902,-651 4902,-651 4902,-592 4902,-592 4902,-586 4908,-580 4914,-580 4914,-580 5113,-580 5113,-580 5119,-580 5125,-586 5125,-592 5125,-592 5125,-651 5125,-651 5125,-657 5119,-663 5113,-663\"/>\n<text text-anchor=\"middle\" x=\"5013.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Separated &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5013.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"5013.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 27</text>\n<text text-anchor=\"middle\" x=\"5013.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 9, 0, 18]</text>\n<text text-anchor=\"middle\" x=\"5013.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 109&#45;&gt;110 -->\n<g id=\"edge110\" class=\"edge\">\n<title>109&#45;&gt;110</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5167.6089,-698.8796C5147.4929,-688.7791 5125.8677,-677.9209 5105.3644,-667.626\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5106.8516,-664.4563 5096.3443,-663.0969 5103.7105,-670.712 5106.8516,-664.4563\"/>\n</g>\n<!-- 121 -->\n<g id=\"node122\" class=\"node\">\n<title>121</title>\n<path fill=\"#66e95a\" stroke=\"#000000\" d=\"M5346,-663C5346,-663 5155,-663 5155,-663 5149,-663 5143,-657 5143,-651 5143,-651 5143,-592 5143,-592 5143,-586 5149,-580 5155,-580 5155,-580 5346,-580 5346,-580 5352,-580 5358,-586 5358,-592 5358,-592 5358,-651 5358,-651 5358,-657 5352,-663 5346,-663\"/>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Widowed &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5250.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 109&#45;&gt;121 -->\n<g id=\"edge121\" class=\"edge\">\n<title>109&#45;&gt;121</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5250.5,-698.8796C5250.5,-690.6838 5250.5,-681.9891 5250.5,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5254.0001,-673.298 5250.5,-663.2981 5247.0001,-673.2981 5254.0001,-673.298\"/>\n</g>\n<!-- 111 -->\n<g id=\"node112\" class=\"node\">\n<title>111</title>\n<path fill=\"#e786ef\" stroke=\"#000000\" d=\"M4928,-544C4928,-544 4727,-544 4727,-544 4721,-544 4715,-538 4715,-532 4715,-532 4715,-473 4715,-473 4715,-467 4721,-461 4727,-461 4727,-461 4928,-461 4928,-461 4934,-461 4940,-467 4940,-473 4940,-473 4940,-532 4940,-532 4940,-538 4934,-544 4928,-544\"/>\n<text text-anchor=\"middle\" x=\"4827.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(308874...456564] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4827.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.855</text>\n<text text-anchor=\"middle\" x=\"4827.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 25</text>\n<text text-anchor=\"middle\" x=\"4827.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 7, 0, 18]</text>\n<text text-anchor=\"middle\" x=\"4827.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 110&#45;&gt;111 -->\n<g id=\"edge111\" class=\"edge\">\n<title>110&#45;&gt;111</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4948.4462,-579.8796C4933.1546,-570.0962 4916.7516,-559.6019 4901.114,-549.5971\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4902.8268,-546.538 4892.517,-544.0969 4899.0543,-552.4345 4902.8268,-546.538\"/>\n</g>\n<!-- 120 -->\n<g id=\"node121\" class=\"node\">\n<title>120</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M5077,-536.5C5077,-536.5 4970,-536.5 4970,-536.5 4964,-536.5 4958,-530.5 4958,-524.5 4958,-524.5 4958,-480.5 4958,-480.5 4958,-474.5 4964,-468.5 4970,-468.5 4970,-468.5 5077,-468.5 5077,-468.5 5083,-468.5 5089,-474.5 5089,-480.5 5089,-480.5 5089,-524.5 5089,-524.5 5089,-530.5 5083,-536.5 5077,-536.5\"/>\n<text text-anchor=\"middle\" x=\"5023.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5023.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"5023.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"5023.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 110&#45;&gt;120 -->\n<g id=\"edge120\" class=\"edge\">\n<title>110&#45;&gt;120</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5016.9975,-579.8796C5017.8938,-569.2134 5018.8612,-557.7021 5019.7688,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5023.2666,-547.0729 5020.6164,-536.8149 5016.2912,-546.4867 5023.2666,-547.0729\"/>\n</g>\n<!-- 112 -->\n<g id=\"node113\" class=\"node\">\n<title>112</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M4909,-425C4909,-425 4704,-425 4704,-425 4698,-425 4692,-419 4692,-413 4692,-413 4692,-354 4692,-354 4692,-348 4698,-342 4704,-342 4704,-342 4909,-342 4909,-342 4915,-342 4921,-348 4921,-354 4921,-354 4921,-413 4921,-413 4921,-419 4915,-425 4909,-425\"/>\n<text text-anchor=\"middle\" x=\"4806.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(2500...3750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4806.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"4806.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 21</text>\n<text text-anchor=\"middle\" x=\"4806.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 7, 0, 14]</text>\n<text text-anchor=\"middle\" x=\"4806.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 111&#45;&gt;112 -->\n<g id=\"edge112\" class=\"edge\">\n<title>111&#45;&gt;112</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4820.1552,-460.8796C4818.693,-452.5938 4817.1408,-443.798 4815.6273,-435.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4819.0608,-434.5376 4813.8761,-425.2981 4812.1673,-435.7542 4819.0608,-434.5376\"/>\n</g>\n<!-- 119 -->\n<g id=\"node120\" class=\"node\">\n<title>119</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5058,-417.5C5058,-417.5 4951,-417.5 4951,-417.5 4945,-417.5 4939,-411.5 4939,-405.5 4939,-405.5 4939,-361.5 4939,-361.5 4939,-355.5 4945,-349.5 4951,-349.5 4951,-349.5 5058,-349.5 5058,-349.5 5064,-349.5 5070,-355.5 5070,-361.5 5070,-361.5 5070,-405.5 5070,-405.5 5070,-411.5 5064,-417.5 5058,-417.5\"/>\n<text text-anchor=\"middle\" x=\"5004.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5004.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"5004.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"5004.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 111&#45;&gt;119 -->\n<g id=\"edge119\" class=\"edge\">\n<title>111&#45;&gt;119</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4889.406,-460.8796C4907.4828,-448.7263 4927.1914,-435.4759 4945.1087,-423.4297\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4947.3996,-426.1071 4953.7456,-417.623 4943.4939,-420.2979 4947.3996,-426.1071\"/>\n</g>\n<!-- 113 -->\n<g id=\"node114\" class=\"node\">\n<title>113</title>\n<path fill=\"#e88ef0\" stroke=\"#000000\" d=\"M4846.5,-306C4846.5,-306 4724.5,-306 4724.5,-306 4718.5,-306 4712.5,-300 4712.5,-294 4712.5,-294 4712.5,-235 4712.5,-235 4712.5,-229 4718.5,-223 4724.5,-223 4724.5,-223 4846.5,-223 4846.5,-223 4852.5,-223 4858.5,-229 4858.5,-235 4858.5,-235 4858.5,-294 4858.5,-294 4858.5,-300 4852.5,-306 4846.5,-306\"/>\n<text text-anchor=\"middle\" x=\"4785.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(75...80] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4785.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.881</text>\n<text text-anchor=\"middle\" x=\"4785.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 20</text>\n<text text-anchor=\"middle\" x=\"4785.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 14]</text>\n<text text-anchor=\"middle\" x=\"4785.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 112&#45;&gt;113 -->\n<g id=\"edge113\" class=\"edge\">\n<title>112&#45;&gt;113</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4799.1552,-341.8796C4797.693,-333.5938 4796.1408,-324.798 4794.6273,-316.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4798.0608,-315.5376 4792.8761,-306.2981 4791.1673,-316.7542 4798.0608,-315.5376\"/>\n</g>\n<!-- 118 -->\n<g id=\"node119\" class=\"node\">\n<title>118</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M4996,-298.5C4996,-298.5 4889,-298.5 4889,-298.5 4883,-298.5 4877,-292.5 4877,-286.5 4877,-286.5 4877,-242.5 4877,-242.5 4877,-236.5 4883,-230.5 4889,-230.5 4889,-230.5 4996,-230.5 4996,-230.5 5002,-230.5 5008,-236.5 5008,-242.5 5008,-242.5 5008,-286.5 5008,-286.5 5008,-292.5 5002,-298.5 4996,-298.5\"/>\n<text text-anchor=\"middle\" x=\"4942.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4942.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"4942.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"4942.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 112&#45;&gt;118 -->\n<g id=\"edge118\" class=\"edge\">\n<title>112&#45;&gt;118</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4854.0662,-341.8796C4867.5128,-330.1138 4882.1347,-317.3197 4895.5451,-305.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4898.0619,-308.034 4903.2829,-298.8149 4893.4524,-302.766 4898.0619,-308.034\"/>\n</g>\n<!-- 114 -->\n<g id=\"node115\" class=\"node\">\n<title>114</title>\n<path fill=\"#e580ee\" stroke=\"#000000\" d=\"M4775.5,-187C4775.5,-187 4571.5,-187 4571.5,-187 4565.5,-187 4559.5,-181 4559.5,-175 4559.5,-175 4559.5,-116 4559.5,-116 4559.5,-110 4565.5,-104 4571.5,-104 4571.5,-104 4775.5,-104 4775.5,-104 4781.5,-104 4787.5,-110 4787.5,-116 4787.5,-116 4787.5,-175 4787.5,-175 4787.5,-181 4781.5,-187 4775.5,-187\"/>\n<text text-anchor=\"middle\" x=\"4673.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Prof&#45;specialty &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"4673.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.831</text>\n<text text-anchor=\"middle\" x=\"4673.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 19</text>\n<text text-anchor=\"middle\" x=\"4673.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 14]</text>\n<text text-anchor=\"middle\" x=\"4673.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 113&#45;&gt;114 -->\n<g id=\"edge114\" class=\"edge\">\n<title>113&#45;&gt;114</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4746.3278,-222.8796C4737.7665,-213.7832 4728.6268,-204.0722 4719.8168,-194.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4722.2417,-192.1813 4712.8394,-187.2981 4717.1443,-196.9789 4722.2417,-192.1813\"/>\n</g>\n<!-- 117 -->\n<g id=\"node118\" class=\"node\">\n<title>117</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M4925,-179.5C4925,-179.5 4818,-179.5 4818,-179.5 4812,-179.5 4806,-173.5 4806,-167.5 4806,-167.5 4806,-123.5 4806,-123.5 4806,-117.5 4812,-111.5 4818,-111.5 4818,-111.5 4925,-111.5 4925,-111.5 4931,-111.5 4937,-117.5 4937,-123.5 4937,-123.5 4937,-167.5 4937,-167.5 4937,-173.5 4931,-179.5 4925,-179.5\"/>\n<text text-anchor=\"middle\" x=\"4871.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4871.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"4871.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"4871.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 113&#45;&gt;117 -->\n<g id=\"edge117\" class=\"edge\">\n<title>113&#45;&gt;117</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4815.5786,-222.8796C4823.6843,-211.6636 4832.4653,-199.5131 4840.6143,-188.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4843.6803,-189.9701 4846.701,-179.8149 4838.0068,-185.8698 4843.6803,-189.9701\"/>\n</g>\n<!-- 115 -->\n<g id=\"node116\" class=\"node\">\n<title>115</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M4643,-68C4643,-68 4536,-68 4536,-68 4530,-68 4524,-62 4524,-56 4524,-56 4524,-12 4524,-12 4524,-6 4530,0 4536,0 4536,0 4643,0 4643,0 4649,0 4655,-6 4655,-12 4655,-12 4655,-56 4655,-56 4655,-62 4649,-68 4643,-68\"/>\n<text text-anchor=\"middle\" x=\"4589.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"4589.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"4589.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"4589.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 114&#45;&gt;115 -->\n<g id=\"edge115\" class=\"edge\">\n<title>114&#45;&gt;115</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4642.2215,-103.9815C4635.4361,-94.9747 4628.2505,-85.4367 4621.4399,-76.3965\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4624.1257,-74.1448 4615.313,-68.2637 4618.5347,-78.3568 4624.1257,-74.1448\"/>\n</g>\n<!-- 116 -->\n<g id=\"node117\" class=\"node\">\n<title>116</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M4800,-68C4800,-68 4685,-68 4685,-68 4679,-68 4673,-62 4673,-56 4673,-56 4673,-12 4673,-12 4673,-6 4679,0 4685,0 4685,0 4800,0 4800,0 4806,0 4812,-6 4812,-12 4812,-12 4812,-56 4812,-56 4812,-62 4806,-68 4800,-68\"/>\n<text text-anchor=\"middle\" x=\"4742.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"4742.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 15</text>\n<text text-anchor=\"middle\" x=\"4742.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 10]</text>\n<text text-anchor=\"middle\" x=\"4742.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 114&#45;&gt;116 -->\n<g id=\"edge116\" class=\"edge\">\n<title>114&#45;&gt;116</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M4699.1931,-103.9815C4704.6531,-95.1585 4710.4284,-85.8258 4715.9207,-76.9506\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"4719.0104,-78.609 4721.2965,-68.2637 4713.058,-74.9254 4719.0104,-78.609\"/>\n</g>\n<!-- 122 -->\n<g id=\"node123\" class=\"node\">\n<title>122</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M5226,-536.5C5226,-536.5 5119,-536.5 5119,-536.5 5113,-536.5 5107,-530.5 5107,-524.5 5107,-524.5 5107,-480.5 5107,-480.5 5107,-474.5 5113,-468.5 5119,-468.5 5119,-468.5 5226,-468.5 5226,-468.5 5232,-468.5 5238,-474.5 5238,-480.5 5238,-480.5 5238,-524.5 5238,-524.5 5238,-530.5 5232,-536.5 5226,-536.5\"/>\n<text text-anchor=\"middle\" x=\"5172.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5172.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"5172.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"5172.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 121&#45;&gt;122 -->\n<g id=\"edge122\" class=\"edge\">\n<title>121&#45;&gt;122</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5223.2194,-579.8796C5215.8677,-568.6636 5207.9036,-556.5131 5200.5126,-545.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5203.4014,-543.2598 5194.9921,-536.8149 5197.5469,-547.0972 5203.4014,-543.2598\"/>\n</g>\n<!-- 123 -->\n<g id=\"node124\" class=\"node\">\n<title>123</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5375,-536.5C5375,-536.5 5268,-536.5 5268,-536.5 5262,-536.5 5256,-530.5 5256,-524.5 5256,-524.5 5256,-480.5 5256,-480.5 5256,-474.5 5262,-468.5 5268,-468.5 5268,-468.5 5375,-468.5 5375,-468.5 5381,-468.5 5387,-474.5 5387,-480.5 5387,-480.5 5387,-524.5 5387,-524.5 5387,-530.5 5381,-536.5 5375,-536.5\"/>\n<text text-anchor=\"middle\" x=\"5321.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5321.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5321.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5321.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 121&#45;&gt;123 -->\n<g id=\"edge123\" class=\"edge\">\n<title>121&#45;&gt;123</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5275.3324,-579.8796C5281.9587,-568.7735 5289.1316,-556.7513 5295.8033,-545.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5298.9083,-547.1959 5301.0264,-536.8149 5292.8969,-543.6093 5298.9083,-547.1959\"/>\n</g>\n<!-- 125 -->\n<g id=\"node126\" class=\"node\">\n<title>125</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M5503,-655.5C5503,-655.5 5388,-655.5 5388,-655.5 5382,-655.5 5376,-649.5 5376,-643.5 5376,-643.5 5376,-599.5 5376,-599.5 5376,-593.5 5382,-587.5 5388,-587.5 5388,-587.5 5503,-587.5 5503,-587.5 5509,-587.5 5515,-593.5 5515,-599.5 5515,-599.5 5515,-643.5 5515,-643.5 5515,-649.5 5509,-655.5 5503,-655.5\"/>\n<text text-anchor=\"middle\" x=\"5445.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5445.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"5445.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"5445.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 124&#45;&gt;125 -->\n<g id=\"edge125\" class=\"edge\">\n<title>124&#45;&gt;125</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5503.3721,-698.8796C5494.9014,-687.5536 5485.7181,-675.2748 5477.2153,-663.9058\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5479.9562,-661.7268 5471.1641,-655.8149 5474.3505,-665.9193 5479.9562,-661.7268\"/>\n</g>\n<!-- 126 -->\n<g id=\"node127\" class=\"node\">\n<title>126</title>\n<path fill=\"#91ef88\" stroke=\"#000000\" d=\"M5718,-663C5718,-663 5545,-663 5545,-663 5539,-663 5533,-657 5533,-651 5533,-651 5533,-592 5533,-592 5533,-586 5539,-580 5545,-580 5545,-580 5718,-580 5718,-580 5724,-580 5730,-586 5730,-592 5730,-592 5730,-651 5730,-651 5730,-657 5724,-663 5718,-663\"/>\n<text text-anchor=\"middle\" x=\"5631.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Local&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5631.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.863</text>\n<text text-anchor=\"middle\" x=\"5631.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 28</text>\n<text text-anchor=\"middle\" x=\"5631.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"5631.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 124&#45;&gt;126 -->\n<g id=\"edge126\" class=\"edge\">\n<title>124&#45;&gt;126</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5568.4259,-698.8796C5575.6938,-689.9633 5583.443,-680.4565 5590.9328,-671.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5593.824,-673.2606 5597.4293,-663.2981 5588.3982,-668.8379 5593.824,-673.2606\"/>\n</g>\n<!-- 127 -->\n<g id=\"node128\" class=\"node\">\n<title>127</title>\n<path fill=\"#7eed74\" stroke=\"#000000\" d=\"M5620,-544C5620,-544 5417,-544 5417,-544 5411,-544 5405,-538 5405,-532 5405,-532 5405,-473 5405,-473 5405,-467 5411,-461 5417,-461 5417,-461 5620,-461 5620,-461 5626,-461 5632,-467 5632,-473 5632,-473 5632,-532 5632,-532 5632,-538 5626,-544 5620,-544\"/>\n<text text-anchor=\"middle\" x=\"5518.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1555...1602] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5518.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.779</text>\n<text text-anchor=\"middle\" x=\"5518.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 26</text>\n<text text-anchor=\"middle\" x=\"5518.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"5518.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 126&#45;&gt;127 -->\n<g id=\"edge127\" class=\"edge\">\n<title>126&#45;&gt;127</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5591.9781,-579.8796C5583.3403,-570.7832 5574.119,-561.0722 5565.2303,-551.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5567.6146,-549.1395 5558.1906,-544.2981 5562.5385,-553.9597 5567.6146,-549.1395\"/>\n</g>\n<!-- 136 -->\n<g id=\"node137\" class=\"node\">\n<title>136</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5769,-536.5C5769,-536.5 5662,-536.5 5662,-536.5 5656,-536.5 5650,-530.5 5650,-524.5 5650,-524.5 5650,-480.5 5650,-480.5 5650,-474.5 5656,-468.5 5662,-468.5 5662,-468.5 5769,-468.5 5769,-468.5 5775,-468.5 5781,-474.5 5781,-480.5 5781,-480.5 5781,-524.5 5781,-524.5 5781,-530.5 5775,-536.5 5769,-536.5\"/>\n<text text-anchor=\"middle\" x=\"5715.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5715.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"5715.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"5715.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 126&#45;&gt;136 -->\n<g id=\"edge136\" class=\"edge\">\n<title>126&#45;&gt;136</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5660.8791,-579.8796C5668.7963,-568.6636 5677.3731,-556.5131 5685.3325,-545.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5688.3702,-547.003 5691.2777,-536.8149 5682.6514,-542.9662 5688.3702,-547.003\"/>\n</g>\n<!-- 128 -->\n<g id=\"node129\" class=\"node\">\n<title>128</title>\n<path fill=\"#75ec6a\" stroke=\"#000000\" d=\"M5455.5,-425C5455.5,-425 5229.5,-425 5229.5,-425 5223.5,-425 5217.5,-419 5217.5,-413 5217.5,-413 5217.5,-354 5217.5,-354 5217.5,-348 5223.5,-342 5229.5,-342 5229.5,-342 5455.5,-342 5455.5,-342 5461.5,-342 5467.5,-348 5467.5,-354 5467.5,-354 5467.5,-413 5467.5,-413 5467.5,-419 5461.5,-425 5455.5,-425\"/>\n<text text-anchor=\"middle\" x=\"5342.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5342.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"5342.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 25</text>\n<text text-anchor=\"middle\" x=\"5342.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"5342.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 127&#45;&gt;128 -->\n<g id=\"edge128\" class=\"edge\">\n<title>127&#45;&gt;128</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5456.9437,-460.8796C5442.6082,-451.1868 5427.2405,-440.7961 5412.5675,-430.8752\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5414.2661,-427.7987 5404.0215,-425.0969 5410.3452,-433.5976 5414.2661,-427.7987\"/>\n</g>\n<!-- 135 -->\n<g id=\"node136\" class=\"node\">\n<title>135</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5605,-417.5C5605,-417.5 5498,-417.5 5498,-417.5 5492,-417.5 5486,-411.5 5486,-405.5 5486,-405.5 5486,-361.5 5486,-361.5 5486,-355.5 5492,-349.5 5498,-349.5 5498,-349.5 5605,-349.5 5605,-349.5 5611,-349.5 5617,-355.5 5617,-361.5 5617,-361.5 5617,-405.5 5617,-405.5 5617,-411.5 5611,-417.5 5605,-417.5\"/>\n<text text-anchor=\"middle\" x=\"5551.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5551.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5551.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5551.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 127&#45;&gt;135 -->\n<g id=\"edge135\" class=\"edge\">\n<title>127&#45;&gt;135</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5530.0418,-460.8796C5533.0301,-450.1034 5536.2577,-438.4647 5539.2795,-427.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5542.6845,-428.3866 5541.9841,-417.8149 5535.939,-426.516 5542.6845,-428.3866\"/>\n</g>\n<!-- 129 -->\n<g id=\"node130\" class=\"node\">\n<title>129</title>\n<path fill=\"#6cea61\" stroke=\"#000000\" d=\"M5264,-306C5264,-306 5063,-306 5063,-306 5057,-306 5051,-300 5051,-294 5051,-294 5051,-235 5051,-235 5051,-229 5057,-223 5063,-223 5063,-223 5264,-223 5264,-223 5270,-223 5276,-229 5276,-235 5276,-235 5276,-294 5276,-294 5276,-300 5270,-306 5264,-306\"/>\n<text text-anchor=\"middle\" x=\"5163.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(751946...899637] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5163.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.65</text>\n<text text-anchor=\"middle\" x=\"5163.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 24</text>\n<text text-anchor=\"middle\" x=\"5163.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"5163.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 128&#45;&gt;129 -->\n<g id=\"edge129\" class=\"edge\">\n<title>128&#45;&gt;129</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5279.8945,-341.8796C5265.3146,-332.1868 5249.6849,-321.7961 5234.7618,-311.8752\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5236.3355,-308.7185 5226.0702,-306.0969 5232.4601,-314.5479 5236.3355,-308.7185\"/>\n</g>\n<!-- 134 -->\n<g id=\"node135\" class=\"node\">\n<title>134</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5413,-298.5C5413,-298.5 5306,-298.5 5306,-298.5 5300,-298.5 5294,-292.5 5294,-286.5 5294,-286.5 5294,-242.5 5294,-242.5 5294,-236.5 5300,-230.5 5306,-230.5 5306,-230.5 5413,-230.5 5413,-230.5 5419,-230.5 5425,-236.5 5425,-242.5 5425,-242.5 5425,-286.5 5425,-286.5 5425,-292.5 5419,-298.5 5413,-298.5\"/>\n<text text-anchor=\"middle\" x=\"5359.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5359.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5359.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5359.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 128&#45;&gt;134 -->\n<g id=\"edge134\" class=\"edge\">\n<title>128&#45;&gt;134</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5348.4458,-341.8796C5349.9695,-331.2134 5351.614,-319.7021 5353.1569,-308.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5356.6484,-309.2094 5354.5979,-298.8149 5349.7187,-308.2194 5356.6484,-309.2094\"/>\n</g>\n<!-- 130 -->\n<g id=\"node131\" class=\"node\">\n<title>130</title>\n<path fill=\"#63e957\" stroke=\"#000000\" d=\"M5203,-187C5203,-187 4982,-187 4982,-187 4976,-187 4970,-181 4970,-175 4970,-175 4970,-116 4970,-116 4970,-110 4976,-104 4982,-104 4982,-104 5203,-104 5203,-104 5209,-104 5215,-110 5215,-116 5215,-116 5215,-175 5215,-175 5215,-181 5209,-187 5203,-187\"/>\n<text text-anchor=\"middle\" x=\"5092.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(10000...11250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5092.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.559</text>\n<text text-anchor=\"middle\" x=\"5092.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 23</text>\n<text text-anchor=\"middle\" x=\"5092.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"5092.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 129&#45;&gt;130 -->\n<g id=\"edge130\" class=\"edge\">\n<title>129&#45;&gt;130</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5138.6676,-222.8796C5133.5091,-214.2335 5128.0192,-205.0322 5122.6924,-196.1042\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5125.5678,-194.0924 5117.4383,-187.2981 5119.5564,-197.679 5125.5678,-194.0924\"/>\n</g>\n<!-- 133 -->\n<g id=\"node134\" class=\"node\">\n<title>133</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5352,-179.5C5352,-179.5 5245,-179.5 5245,-179.5 5239,-179.5 5233,-173.5 5233,-167.5 5233,-167.5 5233,-123.5 5233,-123.5 5233,-117.5 5239,-111.5 5245,-111.5 5245,-111.5 5352,-111.5 5352,-111.5 5358,-111.5 5364,-117.5 5364,-123.5 5364,-123.5 5364,-167.5 5364,-167.5 5364,-173.5 5358,-179.5 5352,-179.5\"/>\n<text text-anchor=\"middle\" x=\"5298.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5298.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5298.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5298.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 129&#45;&gt;133 -->\n<g id=\"edge133\" class=\"edge\">\n<title>129&#45;&gt;133</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5210.7164,-222.8796C5224.0642,-211.1138 5238.5785,-198.3197 5251.8904,-186.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5254.384,-189.0531 5259.5713,-179.8149 5249.7552,-183.8019 5254.384,-189.0531\"/>\n</g>\n<!-- 131 -->\n<g id=\"node132\" class=\"node\">\n<title>131</title>\n<path fill=\"#59e84d\" stroke=\"#000000\" d=\"M5026,-68C5026,-68 4911,-68 4911,-68 4905,-68 4899,-62 4899,-56 4899,-56 4899,-12 4899,-12 4899,-6 4905,0 4911,0 4911,0 5026,0 5026,0 5032,0 5038,-6 5038,-12 5038,-12 5038,-56 5038,-56 5038,-62 5032,-68 5026,-68\"/>\n<text text-anchor=\"middle\" x=\"4968.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.439</text>\n<text text-anchor=\"middle\" x=\"4968.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 22</text>\n<text text-anchor=\"middle\" x=\"4968.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"4968.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 130&#45;&gt;131 -->\n<g id=\"edge131\" class=\"edge\">\n<title>130&#45;&gt;131</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5046.327,-103.9815C5035.7993,-94.5151 5024.6192,-84.462 5014.1151,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5016.3811,-72.3475 5006.6049,-68.2637 5011.7006,-77.5526 5016.3811,-72.3475\"/>\n</g>\n<!-- 132 -->\n<g id=\"node133\" class=\"node\">\n<title>132</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5175,-68C5175,-68 5068,-68 5068,-68 5062,-68 5056,-62 5056,-56 5056,-56 5056,-12 5056,-12 5056,-6 5062,0 5068,0 5068,0 5175,0 5175,0 5181,0 5187,-6 5187,-12 5187,-12 5187,-56 5187,-56 5187,-62 5181,-68 5175,-68\"/>\n<text text-anchor=\"middle\" x=\"5121.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5121.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5121.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5121.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 130&#45;&gt;132 -->\n<g id=\"edge132\" class=\"edge\">\n<title>130&#45;&gt;132</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5103.2985,-103.9815C5105.4977,-95.5261 5107.8186,-86.6026 5110.0399,-78.0623\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5113.4585,-78.8227 5112.5884,-68.2637 5106.6838,-77.0607 5113.4585,-78.8227\"/>\n</g>\n<!-- 138 -->\n<g id=\"node139\" class=\"node\">\n<title>138</title>\n<path fill=\"#e681ee\" stroke=\"#000000\" d=\"M5867.5,-782C5867.5,-782 5745.5,-782 5745.5,-782 5739.5,-782 5733.5,-776 5733.5,-770 5733.5,-770 5733.5,-711 5733.5,-711 5733.5,-705 5739.5,-699 5745.5,-699 5745.5,-699 5867.5,-699 5867.5,-699 5873.5,-699 5879.5,-705 5879.5,-711 5879.5,-711 5879.5,-770 5879.5,-770 5879.5,-776 5873.5,-782 5867.5,-782\"/>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(85...90] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.837</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 15</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 4, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"5806.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 137&#45;&gt;138 -->\n<g id=\"edge138\" class=\"edge\">\n<title>137&#45;&gt;138</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5806.5,-817.8796C5806.5,-809.6838 5806.5,-800.9891 5806.5,-792.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5810.0001,-792.298 5806.5,-782.2981 5803.0001,-792.2981 5810.0001,-792.298\"/>\n</g>\n<!-- 151 -->\n<g id=\"node152\" class=\"node\">\n<title>151</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M6025,-774.5C6025,-774.5 5910,-774.5 5910,-774.5 5904,-774.5 5898,-768.5 5898,-762.5 5898,-762.5 5898,-718.5 5898,-718.5 5898,-712.5 5904,-706.5 5910,-706.5 5910,-706.5 6025,-706.5 6025,-706.5 6031,-706.5 6037,-712.5 6037,-718.5 6037,-718.5 6037,-762.5 6037,-762.5 6037,-768.5 6031,-774.5 6025,-774.5\"/>\n<text text-anchor=\"middle\" x=\"5967.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5967.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"5967.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 10]</text>\n<text text-anchor=\"middle\" x=\"5967.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 137&#45;&gt;151 -->\n<g id=\"edge151\" class=\"edge\">\n<title>137&#45;&gt;151</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5862.81,-817.8796C5879.1032,-805.8368 5896.8539,-792.7167 5913.0325,-780.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5915.3721,-783.3816 5921.3335,-774.623 5911.2114,-777.7524 5915.3721,-783.3816\"/>\n</g>\n<!-- 139 -->\n<g id=\"node140\" class=\"node\">\n<title>139</title>\n<path fill=\"#e26fec\" stroke=\"#000000\" d=\"M5984.5,-663C5984.5,-663 5760.5,-663 5760.5,-663 5754.5,-663 5748.5,-657 5748.5,-651 5748.5,-651 5748.5,-592 5748.5,-592 5748.5,-586 5754.5,-580 5760.5,-580 5760.5,-580 5984.5,-580 5984.5,-580 5990.5,-580 5996.5,-586 5996.5,-592 5996.5,-592 5996.5,-651 5996.5,-651 5996.5,-657 5990.5,-663 5984.5,-663\"/>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Never&#45;married &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.75</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 14</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 138&#45;&gt;139 -->\n<g id=\"edge139\" class=\"edge\">\n<title>138&#45;&gt;139</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5829.5836,-698.8796C5834.3789,-690.2335 5839.4822,-681.0322 5844.4338,-672.1042\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5847.5284,-673.7407 5849.3179,-663.2981 5841.4069,-670.3455 5847.5284,-673.7407\"/>\n</g>\n<!-- 150 -->\n<g id=\"node151\" class=\"node\">\n<title>150</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M6134,-655.5C6134,-655.5 6027,-655.5 6027,-655.5 6021,-655.5 6015,-649.5 6015,-643.5 6015,-643.5 6015,-599.5 6015,-599.5 6015,-593.5 6021,-587.5 6027,-587.5 6027,-587.5 6134,-587.5 6134,-587.5 6140,-587.5 6146,-593.5 6146,-599.5 6146,-599.5 6146,-643.5 6146,-643.5 6146,-649.5 6140,-655.5 6134,-655.5\"/>\n<text text-anchor=\"middle\" x=\"6080.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6080.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6080.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6080.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 138&#45;&gt;150 -->\n<g id=\"edge150\" class=\"edge\">\n<title>138&#45;&gt;150</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5879.5319,-702.7646C5882.5433,-701.4548 5885.5407,-700.194 5888.5,-699 5938.9537,-678.6427 5955.4302,-684.2843 6005.5,-663 6007.8367,-662.0067 6010.1952,-660.9614 6012.562,-659.8755\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6014.1889,-662.9773 6021.7048,-655.5098 6011.1726,-656.6605 6014.1889,-662.9773\"/>\n</g>\n<!-- 140 -->\n<g id=\"node141\" class=\"node\">\n<title>140</title>\n<path fill=\"#de5dea\" stroke=\"#000000\" d=\"M5933.5,-544C5933.5,-544 5811.5,-544 5811.5,-544 5805.5,-544 5799.5,-538 5799.5,-532 5799.5,-532 5799.5,-473 5799.5,-473 5799.5,-467 5805.5,-461 5811.5,-461 5811.5,-461 5933.5,-461 5933.5,-461 5939.5,-461 5945.5,-467 5945.5,-473 5945.5,-473 5945.5,-532 5945.5,-532 5945.5,-538 5939.5,-544 5933.5,-544\"/>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(27...32] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.619</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 13</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"5872.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 139&#45;&gt;140 -->\n<g id=\"edge140\" class=\"edge\">\n<title>139&#45;&gt;140</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5872.5,-579.8796C5872.5,-571.6838 5872.5,-562.9891 5872.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5876.0001,-554.298 5872.5,-544.2981 5869.0001,-554.2981 5876.0001,-554.298\"/>\n</g>\n<!-- 149 -->\n<g id=\"node150\" class=\"node\">\n<title>149</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M6083,-536.5C6083,-536.5 5976,-536.5 5976,-536.5 5970,-536.5 5964,-530.5 5964,-524.5 5964,-524.5 5964,-480.5 5964,-480.5 5964,-474.5 5970,-468.5 5976,-468.5 5976,-468.5 6083,-468.5 6083,-468.5 6089,-468.5 6095,-474.5 6095,-480.5 6095,-480.5 6095,-524.5 6095,-524.5 6095,-530.5 6089,-536.5 6083,-536.5\"/>\n<text text-anchor=\"middle\" x=\"6029.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6029.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6029.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6029.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 139&#45;&gt;149 -->\n<g id=\"edge149\" class=\"edge\">\n<title>139&#45;&gt;149</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5927.411,-579.8796C5943.2994,-567.8368 5960.6091,-554.7167 5976.3857,-542.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5978.6253,-545.4529 5984.4805,-536.623 5974.3969,-539.8743 5978.6253,-545.4529\"/>\n</g>\n<!-- 141 -->\n<g id=\"node142\" class=\"node\">\n<title>141</title>\n<path fill=\"#db4be7\" stroke=\"#000000\" d=\"M5855.5,-425C5855.5,-425 5733.5,-425 5733.5,-425 5727.5,-425 5721.5,-419 5721.5,-413 5721.5,-413 5721.5,-354 5721.5,-354 5721.5,-348 5727.5,-342 5733.5,-342 5733.5,-342 5855.5,-342 5855.5,-342 5861.5,-342 5867.5,-348 5867.5,-354 5867.5,-354 5867.5,-413 5867.5,-413 5867.5,-419 5861.5,-425 5855.5,-425\"/>\n<text text-anchor=\"middle\" x=\"5794.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(41...46] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5794.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.414</text>\n<text text-anchor=\"middle\" x=\"5794.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"5794.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"5794.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 140&#45;&gt;141 -->\n<g id=\"edge141\" class=\"edge\">\n<title>140&#45;&gt;141</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5845.2194,-460.8796C5839.4932,-452.1434 5833.3954,-442.8404 5827.4863,-433.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5830.3063,-431.7429 5821.8971,-425.2981 5824.4518,-435.5803 5830.3063,-431.7429\"/>\n</g>\n<!-- 148 -->\n<g id=\"node149\" class=\"node\">\n<title>148</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M6005,-417.5C6005,-417.5 5898,-417.5 5898,-417.5 5892,-417.5 5886,-411.5 5886,-405.5 5886,-405.5 5886,-361.5 5886,-361.5 5886,-355.5 5892,-349.5 5898,-349.5 5898,-349.5 6005,-349.5 6005,-349.5 6011,-349.5 6017,-355.5 6017,-361.5 6017,-361.5 6017,-405.5 6017,-405.5 6017,-411.5 6011,-417.5 6005,-417.5\"/>\n<text text-anchor=\"middle\" x=\"5951.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5951.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5951.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"5951.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 140&#45;&gt;148 -->\n<g id=\"edge148\" class=\"edge\">\n<title>140&#45;&gt;148</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5900.1304,-460.8796C5907.5763,-449.6636 5915.6425,-437.5131 5923.1282,-426.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5926.1046,-428.082 5928.7195,-417.8149 5920.2727,-424.2104 5926.1046,-428.082\"/>\n</g>\n<!-- 142 -->\n<g id=\"node143\" class=\"node\">\n<title>142</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5774,-298.5C5774,-298.5 5667,-298.5 5667,-298.5 5661,-298.5 5655,-292.5 5655,-286.5 5655,-286.5 5655,-242.5 5655,-242.5 5655,-236.5 5661,-230.5 5667,-230.5 5667,-230.5 5774,-230.5 5774,-230.5 5780,-230.5 5786,-236.5 5786,-242.5 5786,-242.5 5786,-286.5 5786,-286.5 5786,-292.5 5780,-298.5 5774,-298.5\"/>\n<text text-anchor=\"middle\" x=\"5720.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5720.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"5720.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"5720.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 141&#45;&gt;142 -->\n<g id=\"edge142\" class=\"edge\">\n<title>141&#45;&gt;142</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5768.6184,-341.8796C5761.7121,-330.7735 5754.2361,-318.7513 5747.2825,-307.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5750.0917,-305.4587 5741.8387,-298.8149 5744.1473,-309.1552 5750.0917,-305.4587\"/>\n</g>\n<!-- 143 -->\n<g id=\"node144\" class=\"node\">\n<title>143</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M5923,-306C5923,-306 5816,-306 5816,-306 5810,-306 5804,-300 5804,-294 5804,-294 5804,-235 5804,-235 5804,-229 5810,-223 5816,-223 5816,-223 5923,-223 5923,-223 5929,-223 5935,-229 5935,-235 5935,-235 5935,-294 5935,-294 5935,-300 5929,-306 5923,-306\"/>\n<text text-anchor=\"middle\" x=\"5869.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">sex_Male &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5869.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"5869.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"5869.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"5869.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 141&#45;&gt;143 -->\n<g id=\"edge143\" class=\"edge\">\n<title>141&#45;&gt;143</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5820.7314,-341.8796C5826.2373,-333.1434 5832.1006,-323.8404 5837.7824,-314.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5840.7857,-316.6242 5843.1567,-306.2981 5834.8637,-312.8919 5840.7857,-316.6242\"/>\n</g>\n<!-- 144 -->\n<g id=\"node145\" class=\"node\">\n<title>144</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M5820,-179.5C5820,-179.5 5713,-179.5 5713,-179.5 5707,-179.5 5701,-173.5 5701,-167.5 5701,-167.5 5701,-123.5 5701,-123.5 5701,-117.5 5707,-111.5 5713,-111.5 5713,-111.5 5820,-111.5 5820,-111.5 5826,-111.5 5832,-117.5 5832,-123.5 5832,-123.5 5832,-167.5 5832,-167.5 5832,-173.5 5826,-179.5 5820,-179.5\"/>\n<text text-anchor=\"middle\" x=\"5766.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5766.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5766.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5766.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 143&#45;&gt;144 -->\n<g id=\"edge144\" class=\"edge\">\n<title>143&#45;&gt;144</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5833.4756,-222.8796C5823.5773,-211.4436 5812.8381,-199.0363 5802.9178,-187.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5805.3921,-185.0855 5796.2012,-179.8149 5800.0993,-189.6666 5805.3921,-185.0855\"/>\n</g>\n<!-- 145 -->\n<g id=\"node146\" class=\"node\">\n<title>145</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M6083,-187C6083,-187 5862,-187 5862,-187 5856,-187 5850,-181 5850,-175 5850,-175 5850,-116 5850,-116 5850,-110 5856,-104 5862,-104 5862,-104 6083,-104 6083,-104 6089,-104 6095,-110 6095,-116 6095,-116 6095,-175 6095,-175 6095,-181 6089,-187 6083,-187\"/>\n<text text-anchor=\"middle\" x=\"5972.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(98749...99999] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"5972.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"5972.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"5972.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"5972.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 143&#45;&gt;145 -->\n<g id=\"edge145\" class=\"edge\">\n<title>143&#45;&gt;145</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5905.5244,-222.8796C5913.3198,-213.8733 5921.6367,-204.2644 5929.6644,-194.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5932.4237,-197.1498 5936.3218,-187.2981 5927.1309,-192.5686 5932.4237,-197.1498\"/>\n</g>\n<!-- 146 -->\n<g id=\"node147\" class=\"node\">\n<title>146</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M5951,-68C5951,-68 5844,-68 5844,-68 5838,-68 5832,-62 5832,-56 5832,-56 5832,-12 5832,-12 5832,-6 5838,0 5844,0 5844,0 5951,0 5951,0 5957,0 5963,-6 5963,-12 5963,-12 5963,-56 5963,-56 5963,-62 5957,-68 5951,-68\"/>\n<text text-anchor=\"middle\" x=\"5897.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"5897.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"5897.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"5897.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 145&#45;&gt;146 -->\n<g id=\"edge146\" class=\"edge\">\n<title>145&#45;&gt;146</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M5944.5728,-103.9815C5938.5762,-95.0666 5932.2296,-85.6313 5926.2041,-76.6734\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"5929.0328,-74.6078 5920.5473,-68.2637 5923.2245,-78.5147 5929.0328,-74.6078\"/>\n</g>\n<!-- 147 -->\n<g id=\"node148\" class=\"node\">\n<title>147</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M6100,-68C6100,-68 5993,-68 5993,-68 5987,-68 5981,-62 5981,-56 5981,-56 5981,-12 5981,-12 5981,-6 5987,0 5993,0 5993,0 6100,0 6100,0 6106,0 6112,-6 6112,-12 6112,-12 6112,-56 6112,-56 6112,-62 6106,-68 6100,-68\"/>\n<text text-anchor=\"middle\" x=\"6046.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6046.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6046.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"6046.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 145&#45;&gt;147 -->\n<g id=\"edge147\" class=\"edge\">\n<title>145&#45;&gt;147</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6000.0549,-103.9815C6005.9715,-95.0666 6012.2335,-85.6313 6018.1787,-76.6734\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6021.1464,-78.5311 6023.76,-68.2637 6015.314,-74.6602 6021.1464,-78.5311\"/>\n</g>\n<!-- 153 -->\n<g id=\"node154\" class=\"node\">\n<title>153</title>\n<path fill=\"#e68844\" stroke=\"#000000\" d=\"M6392,-1020C6392,-1020 6189,-1020 6189,-1020 6183,-1020 6177,-1014 6177,-1008 6177,-1008 6177,-949 6177,-949 6177,-943 6183,-937 6189,-937 6189,-937 6392,-937 6392,-937 6398,-937 6404,-943 6404,-949 6404,-949 6404,-1008 6404,-1008 6404,-1014 6398,-1020 6392,-1020\"/>\n<text text-anchor=\"middle\" x=\"6290.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2505...2559] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6290.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.303</text>\n<text text-anchor=\"middle\" x=\"6290.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 37</text>\n<text text-anchor=\"middle\" x=\"6290.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [35, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"6290.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 152&#45;&gt;153 -->\n<g id=\"edge153\" class=\"edge\">\n<title>152&#45;&gt;153</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6337.9681,-1055.8796C6332.609,-1047.1434 6326.9021,-1037.8404 6321.3718,-1028.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6324.3533,-1026.9919 6316.1408,-1020.2981 6318.3865,-1030.6522 6324.3533,-1026.9919\"/>\n</g>\n<!-- 158 -->\n<g id=\"node159\" class=\"node\">\n<title>158</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6541,-1012.5C6541,-1012.5 6434,-1012.5 6434,-1012.5 6428,-1012.5 6422,-1006.5 6422,-1000.5 6422,-1000.5 6422,-956.5 6422,-956.5 6422,-950.5 6428,-944.5 6434,-944.5 6434,-944.5 6541,-944.5 6541,-944.5 6547,-944.5 6553,-950.5 6553,-956.5 6553,-956.5 6553,-1000.5 6553,-1000.5 6553,-1006.5 6547,-1012.5 6541,-1012.5\"/>\n<text text-anchor=\"middle\" x=\"6487.5\" y=\"-997.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6487.5\" y=\"-982.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6487.5\" y=\"-967.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6487.5\" y=\"-952.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 152&#45;&gt;158 -->\n<g id=\"edge158\" class=\"edge\">\n<title>152&#45;&gt;158</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6406.8692,-1055.8796C6419.0148,-1044.2237 6432.2119,-1031.5587 6444.3451,-1019.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6446.9516,-1022.2643 6451.7433,-1012.8149 6442.1047,-1017.2138 6446.9516,-1022.2643\"/>\n</g>\n<!-- 154 -->\n<g id=\"node155\" class=\"node\">\n<title>154</title>\n<path fill=\"#e6853f\" stroke=\"#000000\" d=\"M6271,-901C6271,-901 6068,-901 6068,-901 6062,-901 6056,-895 6056,-889 6056,-889 6056,-830 6056,-830 6056,-824 6062,-818 6068,-818 6068,-818 6271,-818 6271,-818 6277,-818 6283,-824 6283,-830 6283,-830 6283,-889 6283,-889 6283,-895 6277,-901 6271,-901\"/>\n<text text-anchor=\"middle\" x=\"6169.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2396...2450] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6169.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.183</text>\n<text text-anchor=\"middle\" x=\"6169.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 36</text>\n<text text-anchor=\"middle\" x=\"6169.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [35, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6169.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 153&#45;&gt;154 -->\n<g id=\"edge154\" class=\"edge\">\n<title>153&#45;&gt;154</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6248.1801,-936.8796C6238.8392,-927.6931 6228.861,-917.8798 6219.256,-908.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6221.5845,-905.8146 6212.0006,-901.2981 6216.6762,-910.8054 6221.5845,-905.8146\"/>\n</g>\n<!-- 157 -->\n<g id=\"node158\" class=\"node\">\n<title>157</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6420,-893.5C6420,-893.5 6313,-893.5 6313,-893.5 6307,-893.5 6301,-887.5 6301,-881.5 6301,-881.5 6301,-837.5 6301,-837.5 6301,-831.5 6307,-825.5 6313,-825.5 6313,-825.5 6420,-825.5 6420,-825.5 6426,-825.5 6432,-831.5 6432,-837.5 6432,-837.5 6432,-881.5 6432,-881.5 6432,-887.5 6426,-893.5 6420,-893.5\"/>\n<text text-anchor=\"middle\" x=\"6366.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6366.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6366.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6366.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 153&#45;&gt;157 -->\n<g id=\"edge157\" class=\"edge\">\n<title>153&#45;&gt;157</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6317.0811,-936.8796C6324.174,-925.7735 6331.8521,-913.7513 6338.9937,-902.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6342.1518,-904.1267 6344.5846,-893.8149 6336.2523,-900.3589 6342.1518,-904.1267\"/>\n</g>\n<!-- 155 -->\n<g id=\"node156\" class=\"node\">\n<title>155</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M6182,-774.5C6182,-774.5 6067,-774.5 6067,-774.5 6061,-774.5 6055,-768.5 6055,-762.5 6055,-762.5 6055,-718.5 6055,-718.5 6055,-712.5 6061,-706.5 6067,-706.5 6067,-706.5 6182,-706.5 6182,-706.5 6188,-706.5 6194,-712.5 6194,-718.5 6194,-718.5 6194,-762.5 6194,-762.5 6194,-768.5 6188,-774.5 6182,-774.5\"/>\n<text text-anchor=\"middle\" x=\"6124.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6124.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 35</text>\n<text text-anchor=\"middle\" x=\"6124.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [35, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6124.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 154&#45;&gt;155 -->\n<g id=\"edge155\" class=\"edge\">\n<title>154&#45;&gt;155</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6153.7612,-817.8796C6149.6446,-806.9935 6145.1951,-795.227 6141.0382,-784.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6144.2871,-782.9305 6137.4762,-774.8149 6137.7396,-785.4065 6144.2871,-782.9305\"/>\n</g>\n<!-- 156 -->\n<g id=\"node157\" class=\"node\">\n<title>156</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6331,-774.5C6331,-774.5 6224,-774.5 6224,-774.5 6218,-774.5 6212,-768.5 6212,-762.5 6212,-762.5 6212,-718.5 6212,-718.5 6212,-712.5 6218,-706.5 6224,-706.5 6224,-706.5 6331,-706.5 6331,-706.5 6337,-706.5 6343,-712.5 6343,-718.5 6343,-718.5 6343,-762.5 6343,-762.5 6343,-768.5 6337,-774.5 6331,-774.5\"/>\n<text text-anchor=\"middle\" x=\"6277.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6277.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6277.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6277.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 154&#45;&gt;156 -->\n<g id=\"edge156\" class=\"edge\">\n<title>154&#45;&gt;156</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6207.2732,-817.8796C6217.7518,-806.3337 6229.1291,-793.7976 6239.6141,-782.2446\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6242.2282,-784.5722 6246.357,-774.8149 6237.0447,-779.8678 6242.2282,-784.5722\"/>\n</g>\n<!-- 160 -->\n<g id=\"node161\" class=\"node\">\n<title>160</title>\n<path fill=\"#e78c4a\" stroke=\"#000000\" d=\"M6929,-1139C6929,-1139 6726,-1139 6726,-1139 6720,-1139 6714,-1133 6714,-1127 6714,-1127 6714,-1068 6714,-1068 6714,-1062 6720,-1056 6726,-1056 6726,-1056 6929,-1056 6929,-1056 6935,-1056 6941,-1062 6941,-1068 6941,-1068 6941,-1127 6941,-1127 6941,-1133 6935,-1139 6929,-1139\"/>\n<text text-anchor=\"middle\" x=\"6827.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2777...2831] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6827.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.395</text>\n<text text-anchor=\"middle\" x=\"6827.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 167</text>\n<text text-anchor=\"middle\" x=\"6827.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [154, 0, 13, 0]</text>\n<text text-anchor=\"middle\" x=\"6827.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 159&#45;&gt;160 -->\n<g id=\"edge160\" class=\"edge\">\n<title>159&#45;&gt;160</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6891.2244,-1174.8796C6883.8816,-1165.9633 6876.0524,-1156.4565 6868.4854,-1147.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6870.9808,-1144.7924 6861.9219,-1139.2981 6865.5773,-1149.2424 6870.9808,-1144.7924\"/>\n</g>\n<!-- 175 -->\n<g id=\"node176\" class=\"node\">\n<title>175</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7078,-1131.5C7078,-1131.5 6971,-1131.5 6971,-1131.5 6965,-1131.5 6959,-1125.5 6959,-1119.5 6959,-1119.5 6959,-1075.5 6959,-1075.5 6959,-1069.5 6965,-1063.5 6971,-1063.5 6971,-1063.5 7078,-1063.5 7078,-1063.5 7084,-1063.5 7090,-1069.5 7090,-1075.5 7090,-1075.5 7090,-1119.5 7090,-1119.5 7090,-1125.5 7084,-1131.5 7078,-1131.5\"/>\n<text text-anchor=\"middle\" x=\"7024.5\" y=\"-1116.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7024.5\" y=\"-1101.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"7024.5\" y=\"-1086.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 9, 0]</text>\n<text text-anchor=\"middle\" x=\"7024.5\" y=\"-1071.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 159&#45;&gt;175 -->\n<g id=\"edge175\" class=\"edge\">\n<title>159&#45;&gt;175</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6960.1254,-1174.8796C6969.6393,-1163.4436 6979.9614,-1151.0363 6989.4965,-1139.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6992.2474,-1141.7409 6995.9523,-1131.8149 6986.8661,-1137.264 6992.2474,-1141.7409\"/>\n</g>\n<!-- 161 -->\n<g id=\"node162\" class=\"node\">\n<title>161</title>\n<path fill=\"#e68843\" stroke=\"#000000\" d=\"M6831,-1020C6831,-1020 6628,-1020 6628,-1020 6622,-1020 6616,-1014 6616,-1008 6616,-1008 6616,-949 6616,-949 6616,-943 6622,-937 6628,-937 6628,-937 6831,-937 6831,-937 6837,-937 6843,-943 6843,-949 6843,-949 6843,-1008 6843,-1008 6843,-1014 6837,-1020 6831,-1020\"/>\n<text text-anchor=\"middle\" x=\"6729.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2505...2559] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6729.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.284</text>\n<text text-anchor=\"middle\" x=\"6729.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 162</text>\n<text text-anchor=\"middle\" x=\"6729.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [154, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"6729.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 160&#45;&gt;161 -->\n<g id=\"edge161\" class=\"edge\">\n<title>160&#45;&gt;161</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6793.2244,-1055.8796C6785.8816,-1046.9633 6778.0524,-1037.4565 6770.4854,-1028.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6772.9808,-1025.7924 6763.9219,-1020.2981 6767.5773,-1030.2424 6772.9808,-1025.7924\"/>\n</g>\n<!-- 174 -->\n<g id=\"node175\" class=\"node\">\n<title>174</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6980,-1012.5C6980,-1012.5 6873,-1012.5 6873,-1012.5 6867,-1012.5 6861,-1006.5 6861,-1000.5 6861,-1000.5 6861,-956.5 6861,-956.5 6861,-950.5 6867,-944.5 6873,-944.5 6873,-944.5 6980,-944.5 6980,-944.5 6986,-944.5 6992,-950.5 6992,-956.5 6992,-956.5 6992,-1000.5 6992,-1000.5 6992,-1006.5 6986,-1012.5 6980,-1012.5\"/>\n<text text-anchor=\"middle\" x=\"6926.5\" y=\"-997.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6926.5\" y=\"-982.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"6926.5\" y=\"-967.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"6926.5\" y=\"-952.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 160&#45;&gt;174 -->\n<g id=\"edge174\" class=\"edge\">\n<title>160&#45;&gt;174</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6862.1254,-1055.8796C6871.6393,-1044.4436 6881.9614,-1032.0363 6891.4965,-1020.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6894.2474,-1022.7409 6897.9523,-1012.8149 6888.8661,-1018.264 6894.2474,-1022.7409\"/>\n</g>\n<!-- 162 -->\n<g id=\"node163\" class=\"node\">\n<title>162</title>\n<path fill=\"#e6853f\" stroke=\"#000000\" d=\"M6756,-901C6756,-901 6553,-901 6553,-901 6547,-901 6541,-895 6541,-889 6541,-889 6541,-830 6541,-830 6541,-824 6547,-818 6553,-818 6553,-818 6756,-818 6756,-818 6762,-818 6768,-824 6768,-830 6768,-830 6768,-889 6768,-889 6768,-895 6762,-901 6756,-901\"/>\n<text text-anchor=\"middle\" x=\"6654.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2232...2287] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6654.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.202</text>\n<text text-anchor=\"middle\" x=\"6654.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 159</text>\n<text text-anchor=\"middle\" x=\"6654.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [154, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"6654.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 161&#45;&gt;162 -->\n<g id=\"edge162\" class=\"edge\">\n<title>161&#45;&gt;162</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6703.2686,-936.8796C6697.7627,-928.1434 6691.8994,-918.8404 6686.2176,-909.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6689.1363,-907.8919 6680.8433,-901.2981 6683.2143,-911.6242 6689.1363,-907.8919\"/>\n</g>\n<!-- 173 -->\n<g id=\"node174\" class=\"node\">\n<title>173</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6905,-893.5C6905,-893.5 6798,-893.5 6798,-893.5 6792,-893.5 6786,-887.5 6786,-881.5 6786,-881.5 6786,-837.5 6786,-837.5 6786,-831.5 6792,-825.5 6798,-825.5 6798,-825.5 6905,-825.5 6905,-825.5 6911,-825.5 6917,-831.5 6917,-837.5 6917,-837.5 6917,-881.5 6917,-881.5 6917,-887.5 6911,-893.5 6905,-893.5\"/>\n<text text-anchor=\"middle\" x=\"6851.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6851.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"6851.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"6851.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 161&#45;&gt;173 -->\n<g id=\"edge173\" class=\"edge\">\n<title>161&#45;&gt;173</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6772.1697,-936.8796C6784.1194,-925.2237 6797.1037,-912.5587 6809.0411,-900.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6811.6053,-903.303 6816.32,-893.8149 6806.7175,-898.292 6811.6053,-903.303\"/>\n</g>\n<!-- 163 -->\n<g id=\"node164\" class=\"node\">\n<title>163</title>\n<path fill=\"#e5823a\" stroke=\"#000000\" d=\"M6545.5,-782C6545.5,-782 6373.5,-782 6373.5,-782 6367.5,-782 6361.5,-776 6361.5,-770 6361.5,-770 6361.5,-711 6361.5,-711 6361.5,-705 6367.5,-699 6373.5,-699 6373.5,-699 6545.5,-699 6545.5,-699 6551.5,-699 6557.5,-705 6557.5,-711 6557.5,-711 6557.5,-770 6557.5,-770 6557.5,-776 6551.5,-782 6545.5,-782\"/>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Doctorate &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.059</text>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 147</text>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [146, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 162&#45;&gt;163 -->\n<g id=\"edge163\" class=\"edge\">\n<title>162&#45;&gt;163</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6586.2985,-817.8796C6570.1184,-808.0056 6552.7517,-797.4075 6536.2208,-787.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6538.0223,-784.3185 6527.663,-782.0969 6534.3759,-790.2938 6538.0223,-784.3185\"/>\n</g>\n<!-- 166 -->\n<g id=\"node167\" class=\"node\">\n<title>166</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M6813.5,-782C6813.5,-782 6587.5,-782 6587.5,-782 6581.5,-782 6575.5,-776 6575.5,-770 6575.5,-770 6575.5,-711 6575.5,-711 6575.5,-705 6581.5,-699 6587.5,-699 6587.5,-699 6813.5,-699 6813.5,-699 6819.5,-699 6825.5,-705 6825.5,-711 6825.5,-711 6825.5,-770 6825.5,-770 6825.5,-776 6819.5,-782 6813.5,-782\"/>\n<text text-anchor=\"middle\" x=\"6700.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6700.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"6700.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"6700.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [8, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"6700.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 162&#45;&gt;166 -->\n<g id=\"edge166\" class=\"edge\">\n<title>162&#45;&gt;166</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6670.5886,-817.8796C6673.8611,-809.4136 6677.3395,-800.4153 6680.7229,-791.6626\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6684.0017,-792.8874 6684.3428,-782.2981 6677.4726,-790.3635 6684.0017,-792.8874\"/>\n</g>\n<!-- 164 -->\n<g id=\"node165\" class=\"node\">\n<title>164</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M6364,-655.5C6364,-655.5 6241,-655.5 6241,-655.5 6235,-655.5 6229,-649.5 6229,-643.5 6229,-643.5 6229,-599.5 6229,-599.5 6229,-593.5 6235,-587.5 6241,-587.5 6241,-587.5 6364,-587.5 6364,-587.5 6370,-587.5 6376,-593.5 6376,-599.5 6376,-599.5 6376,-643.5 6376,-643.5 6376,-649.5 6370,-655.5 6364,-655.5\"/>\n<text text-anchor=\"middle\" x=\"6302.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6302.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 146</text>\n<text text-anchor=\"middle\" x=\"6302.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [146, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6302.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 163&#45;&gt;164 -->\n<g id=\"edge164\" class=\"edge\">\n<title>163&#45;&gt;164</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6404.589,-698.8796C6388.7006,-686.8368 6371.3909,-673.7167 6355.6143,-661.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6357.6031,-658.8743 6347.5195,-655.623 6353.3747,-664.4529 6357.6031,-658.8743\"/>\n</g>\n<!-- 165 -->\n<g id=\"node166\" class=\"node\">\n<title>165</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6513,-655.5C6513,-655.5 6406,-655.5 6406,-655.5 6400,-655.5 6394,-649.5 6394,-643.5 6394,-643.5 6394,-599.5 6394,-599.5 6394,-593.5 6400,-587.5 6406,-587.5 6406,-587.5 6513,-587.5 6513,-587.5 6519,-587.5 6525,-593.5 6525,-599.5 6525,-599.5 6525,-643.5 6525,-643.5 6525,-649.5 6519,-655.5 6513,-655.5\"/>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6459.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 163&#45;&gt;165 -->\n<g id=\"edge165\" class=\"edge\">\n<title>163&#45;&gt;165</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6459.5,-698.8796C6459.5,-688.2134 6459.5,-676.7021 6459.5,-665.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6463.0001,-665.8149 6459.5,-655.8149 6456.0001,-665.815 6463.0001,-665.8149\"/>\n</g>\n<!-- 167 -->\n<g id=\"node168\" class=\"node\">\n<title>167</title>\n<path fill=\"#eca06a\" stroke=\"#000000\" d=\"M6677.5,-663C6677.5,-663 6555.5,-663 6555.5,-663 6549.5,-663 6543.5,-657 6543.5,-651 6543.5,-651 6543.5,-592 6543.5,-592 6543.5,-586 6549.5,-580 6555.5,-580 6555.5,-580 6677.5,-580 6677.5,-580 6683.5,-580 6689.5,-586 6689.5,-592 6689.5,-592 6689.5,-651 6689.5,-651 6689.5,-657 6683.5,-663 6677.5,-663\"/>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(41...46] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [8, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 166&#45;&gt;167 -->\n<g id=\"edge167\" class=\"edge\">\n<title>166&#45;&gt;167</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6671.1209,-698.8796C6664.8906,-690.0534 6658.2519,-680.6485 6651.827,-671.5466\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6654.6308,-669.4494 6646.0045,-663.2981 6648.912,-673.4862 6654.6308,-669.4494\"/>\n</g>\n<!-- 172 -->\n<g id=\"node173\" class=\"node\">\n<title>172</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6827,-655.5C6827,-655.5 6720,-655.5 6720,-655.5 6714,-655.5 6708,-649.5 6708,-643.5 6708,-643.5 6708,-599.5 6708,-599.5 6708,-593.5 6714,-587.5 6720,-587.5 6720,-587.5 6827,-587.5 6827,-587.5 6833,-587.5 6839,-593.5 6839,-599.5 6839,-599.5 6839,-643.5 6839,-643.5 6839,-649.5 6833,-655.5 6827,-655.5\"/>\n<text text-anchor=\"middle\" x=\"6773.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6773.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"6773.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"6773.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 166&#45;&gt;172 -->\n<g id=\"edge172\" class=\"edge\">\n<title>166&#45;&gt;172</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6726.0319,-698.8796C6732.8448,-687.7735 6740.2198,-675.7513 6747.0794,-664.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6750.204,-666.1691 6752.4497,-655.8149 6744.2372,-662.5087 6750.204,-666.1691\"/>\n</g>\n<!-- 168 -->\n<g id=\"node169\" class=\"node\">\n<title>168</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M6475,-536.5C6475,-536.5 6368,-536.5 6368,-536.5 6362,-536.5 6356,-530.5 6356,-524.5 6356,-524.5 6356,-480.5 6356,-480.5 6356,-474.5 6362,-468.5 6368,-468.5 6368,-468.5 6475,-468.5 6475,-468.5 6481,-468.5 6487,-474.5 6487,-480.5 6487,-480.5 6487,-524.5 6487,-524.5 6487,-530.5 6481,-536.5 6475,-536.5\"/>\n<text text-anchor=\"middle\" x=\"6421.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6421.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"6421.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6421.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 167&#45;&gt;168 -->\n<g id=\"edge168\" class=\"edge\">\n<title>167&#45;&gt;168</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6548.2985,-579.8796C6528.1118,-567.5606 6506.078,-554.1143 6486.1247,-541.9376\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6487.7752,-538.8446 6477.4159,-536.623 6484.1287,-544.8199 6487.7752,-538.8446\"/>\n</g>\n<!-- 169 -->\n<g id=\"node170\" class=\"node\">\n<title>169</title>\n<path fill=\"#9ccef2\" stroke=\"#000000\" d=\"M6716,-544C6716,-544 6517,-544 6517,-544 6511,-544 6505,-538 6505,-532 6505,-532 6505,-473 6505,-473 6505,-467 6511,-461 6517,-461 6517,-461 6716,-461 6716,-461 6722,-461 6728,-467 6728,-473 6728,-473 6728,-532 6728,-532 6728,-538 6722,-544 6716,-544\"/>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(50...74] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 167&#45;&gt;169 -->\n<g id=\"edge169\" class=\"edge\">\n<title>167&#45;&gt;169</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6616.5,-579.8796C6616.5,-571.6838 6616.5,-562.9891 6616.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6620.0001,-554.298 6616.5,-544.2981 6613.0001,-554.2981 6620.0001,-554.298\"/>\n</g>\n<!-- 170 -->\n<g id=\"node171\" class=\"node\">\n<title>170</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6521,-417.5C6521,-417.5 6414,-417.5 6414,-417.5 6408,-417.5 6402,-411.5 6402,-405.5 6402,-405.5 6402,-361.5 6402,-361.5 6402,-355.5 6408,-349.5 6414,-349.5 6414,-349.5 6521,-349.5 6521,-349.5 6527,-349.5 6533,-355.5 6533,-361.5 6533,-361.5 6533,-405.5 6533,-405.5 6533,-411.5 6527,-417.5 6521,-417.5\"/>\n<text text-anchor=\"middle\" x=\"6467.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6467.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"6467.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"6467.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 169&#45;&gt;170 -->\n<g id=\"edge170\" class=\"edge\">\n<title>169&#45;&gt;170</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6564.387,-460.8796C6549.5174,-449.0038 6533.336,-436.0804 6518.5317,-424.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6520.4638,-421.3207 6510.4658,-417.8149 6516.0954,-426.7904 6520.4638,-421.3207\"/>\n</g>\n<!-- 171 -->\n<g id=\"node172\" class=\"node\">\n<title>171</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M6670,-417.5C6670,-417.5 6563,-417.5 6563,-417.5 6557,-417.5 6551,-411.5 6551,-405.5 6551,-405.5 6551,-361.5 6551,-361.5 6551,-355.5 6557,-349.5 6563,-349.5 6563,-349.5 6670,-349.5 6670,-349.5 6676,-349.5 6682,-355.5 6682,-361.5 6682,-361.5 6682,-405.5 6682,-405.5 6682,-411.5 6676,-417.5 6670,-417.5\"/>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6616.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 169&#45;&gt;171 -->\n<g id=\"edge171\" class=\"edge\">\n<title>169&#45;&gt;171</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6616.5,-460.8796C6616.5,-450.2134 6616.5,-438.7021 6616.5,-427.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6620.0001,-427.8149 6616.5,-417.8149 6613.0001,-427.815 6620.0001,-427.8149\"/>\n</g>\n<!-- 177 -->\n<g id=\"node178\" class=\"node\">\n<title>177</title>\n<path fill=\"#e9965a\" stroke=\"#000000\" d=\"M7909,-1258C7909,-1258 7706,-1258 7706,-1258 7700,-1258 7694,-1252 7694,-1246 7694,-1246 7694,-1187 7694,-1187 7694,-1181 7700,-1175 7706,-1175 7706,-1175 7909,-1175 7909,-1175 7915,-1175 7921,-1181 7921,-1187 7921,-1187 7921,-1246 7921,-1246 7921,-1252 7915,-1258 7909,-1258\"/>\n<text text-anchor=\"middle\" x=\"7807.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1525...1579] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7807.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.59</text>\n<text text-anchor=\"middle\" x=\"7807.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 176</text>\n<text text-anchor=\"middle\" x=\"7807.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [151, 0, 25, 0]</text>\n<text text-anchor=\"middle\" x=\"7807.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 176&#45;&gt;177 -->\n<g id=\"edge177\" class=\"edge\">\n<title>176&#45;&gt;177</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7871.8746,-1293.8796C7864.382,-1284.8733 7856.3881,-1275.2644 7848.6721,-1265.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7851.3593,-1263.7472 7842.2732,-1258.2981 7845.9781,-1268.224 7851.3593,-1263.7472\"/>\n</g>\n<!-- 214 -->\n<g id=\"node215\" class=\"node\">\n<title>214</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M8058,-1250.5C8058,-1250.5 7951,-1250.5 7951,-1250.5 7945,-1250.5 7939,-1244.5 7939,-1238.5 7939,-1238.5 7939,-1194.5 7939,-1194.5 7939,-1188.5 7945,-1182.5 7951,-1182.5 7951,-1182.5 8058,-1182.5 8058,-1182.5 8064,-1182.5 8070,-1188.5 8070,-1194.5 8070,-1194.5 8070,-1238.5 8070,-1238.5 8070,-1244.5 8064,-1250.5 8058,-1250.5\"/>\n<text text-anchor=\"middle\" x=\"8004.5\" y=\"-1235.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"8004.5\" y=\"-1220.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"8004.5\" y=\"-1205.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"8004.5\" y=\"-1190.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 176&#45;&gt;214 -->\n<g id=\"edge214\" class=\"edge\">\n<title>176&#45;&gt;214</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7940.7756,-1293.8796C7950.1935,-1282.4436 7960.4113,-1270.0363 7969.85,-1258.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7972.5853,-1260.7592 7976.2406,-1250.8149 7967.1818,-1256.3093 7972.5853,-1260.7592\"/>\n</g>\n<!-- 178 -->\n<g id=\"node179\" class=\"node\">\n<title>178</title>\n<path fill=\"#e89253\" stroke=\"#000000\" d=\"M7811,-1139C7811,-1139 7608,-1139 7608,-1139 7602,-1139 7596,-1133 7596,-1127 7596,-1127 7596,-1068 7596,-1068 7596,-1062 7602,-1056 7608,-1056 7608,-1056 7811,-1056 7811,-1056 7817,-1056 7823,-1062 7823,-1068 7823,-1068 7823,-1127 7823,-1127 7823,-1133 7817,-1139 7811,-1139\"/>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2396...2450] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.521</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 171</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [151, 0, 20, 0]</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 177&#45;&gt;178 -->\n<g id=\"edge178\" class=\"edge\">\n<title>177&#45;&gt;178</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7773.2244,-1174.8796C7765.8816,-1165.9633 7758.0524,-1156.4565 7750.4854,-1147.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7752.9808,-1144.7924 7743.9219,-1139.2981 7747.5773,-1149.2424 7752.9808,-1144.7924\"/>\n</g>\n<!-- 213 -->\n<g id=\"node214\" class=\"node\">\n<title>213</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7960,-1131.5C7960,-1131.5 7853,-1131.5 7853,-1131.5 7847,-1131.5 7841,-1125.5 7841,-1119.5 7841,-1119.5 7841,-1075.5 7841,-1075.5 7841,-1069.5 7847,-1063.5 7853,-1063.5 7853,-1063.5 7960,-1063.5 7960,-1063.5 7966,-1063.5 7972,-1069.5 7972,-1075.5 7972,-1075.5 7972,-1119.5 7972,-1119.5 7972,-1125.5 7966,-1131.5 7960,-1131.5\"/>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1116.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1101.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1086.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"7906.5\" y=\"-1071.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 177&#45;&gt;213 -->\n<g id=\"edge213\" class=\"edge\">\n<title>177&#45;&gt;213</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7842.1254,-1174.8796C7851.6393,-1163.4436 7861.9614,-1151.0363 7871.4965,-1139.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7874.2474,-1141.7409 7877.9523,-1131.8149 7868.8661,-1137.264 7874.2474,-1141.7409\"/>\n</g>\n<!-- 179 -->\n<g id=\"node180\" class=\"node\">\n<title>179</title>\n<path fill=\"#e88e4e\" stroke=\"#000000\" d=\"M7713,-1020C7713,-1020 7510,-1020 7510,-1020 7504,-1020 7498,-1014 7498,-1008 7498,-1008 7498,-949 7498,-949 7498,-943 7504,-937 7510,-937 7510,-937 7713,-937 7713,-937 7719,-937 7725,-943 7725,-949 7725,-949 7725,-1008 7725,-1008 7725,-1014 7719,-1020 7713,-1020\"/>\n<text text-anchor=\"middle\" x=\"7611.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2232...2287] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7611.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.456</text>\n<text text-anchor=\"middle\" x=\"7611.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 167</text>\n<text text-anchor=\"middle\" x=\"7611.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [151, 0, 16, 0]</text>\n<text text-anchor=\"middle\" x=\"7611.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 178&#45;&gt;179 -->\n<g id=\"edge179\" class=\"edge\">\n<title>178&#45;&gt;179</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7675.2244,-1055.8796C7667.8816,-1046.9633 7660.0524,-1037.4565 7652.4854,-1028.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7654.9808,-1025.7924 7645.9219,-1020.2981 7649.5773,-1030.2424 7654.9808,-1025.7924\"/>\n</g>\n<!-- 212 -->\n<g id=\"node213\" class=\"node\">\n<title>212</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7862,-1012.5C7862,-1012.5 7755,-1012.5 7755,-1012.5 7749,-1012.5 7743,-1006.5 7743,-1000.5 7743,-1000.5 7743,-956.5 7743,-956.5 7743,-950.5 7749,-944.5 7755,-944.5 7755,-944.5 7862,-944.5 7862,-944.5 7868,-944.5 7874,-950.5 7874,-956.5 7874,-956.5 7874,-1000.5 7874,-1000.5 7874,-1006.5 7868,-1012.5 7862,-1012.5\"/>\n<text text-anchor=\"middle\" x=\"7808.5\" y=\"-997.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7808.5\" y=\"-982.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"7808.5\" y=\"-967.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"7808.5\" y=\"-952.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 178&#45;&gt;212 -->\n<g id=\"edge212\" class=\"edge\">\n<title>178&#45;&gt;212</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7744.1254,-1055.8796C7753.6393,-1044.4436 7763.9614,-1032.0363 7773.4965,-1020.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7776.2474,-1022.7409 7779.9523,-1012.8149 7770.8661,-1018.264 7776.2474,-1022.7409\"/>\n</g>\n<!-- 180 -->\n<g id=\"node181\" class=\"node\">\n<title>180</title>\n<path fill=\"#e78a46\" stroke=\"#000000\" d=\"M7611,-901C7611,-901 7408,-901 7408,-901 7402,-901 7396,-895 7396,-889 7396,-889 7396,-830 7396,-830 7396,-824 7402,-818 7408,-818 7408,-818 7611,-818 7611,-818 7617,-818 7623,-824 7623,-830 7623,-830 7623,-889 7623,-889 7623,-895 7617,-901 7611,-901\"/>\n<text text-anchor=\"middle\" x=\"7509.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2777...2831] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7509.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.342</text>\n<text text-anchor=\"middle\" x=\"7509.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 157</text>\n<text text-anchor=\"middle\" x=\"7509.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [147, 0, 10, 0]</text>\n<text text-anchor=\"middle\" x=\"7509.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 179&#45;&gt;180 -->\n<g id=\"edge180\" class=\"edge\">\n<title>179&#45;&gt;180</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7575.8253,-936.8796C7568.1057,-927.8733 7559.8695,-918.2644 7551.9197,-908.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7554.4923,-906.6129 7545.3269,-901.2981 7549.1775,-911.1684 7554.4923,-906.6129\"/>\n</g>\n<!-- 205 -->\n<g id=\"node206\" class=\"node\">\n<title>205</title>\n<path fill=\"#bddef6\" stroke=\"#000000\" d=\"M7775.5,-901C7775.5,-901 7653.5,-901 7653.5,-901 7647.5,-901 7641.5,-895 7641.5,-889 7641.5,-889 7641.5,-830 7641.5,-830 7641.5,-824 7647.5,-818 7653.5,-818 7653.5,-818 7775.5,-818 7775.5,-818 7781.5,-818 7787.5,-824 7787.5,-830 7787.5,-830 7787.5,-889 7787.5,-889 7787.5,-895 7781.5,-901 7775.5,-901\"/>\n<text text-anchor=\"middle\" x=\"7714.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(32...36] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7714.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.971</text>\n<text text-anchor=\"middle\" x=\"7714.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"7714.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"7714.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 179&#45;&gt;205 -->\n<g id=\"edge205\" class=\"edge\">\n<title>179&#45;&gt;205</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7647.5244,-936.8796C7655.3198,-927.8733 7663.6367,-918.2644 7671.6644,-908.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7674.4237,-911.1498 7678.3218,-901.2981 7669.1309,-906.5686 7674.4237,-911.1498\"/>\n</g>\n<!-- 181 -->\n<g id=\"node182\" class=\"node\">\n<title>181</title>\n<path fill=\"#e68844\" stroke=\"#000000\" d=\"M7424,-782C7424,-782 7237,-782 7237,-782 7231,-782 7225,-776 7225,-770 7225,-770 7225,-711 7225,-711 7225,-705 7231,-699 7237,-699 7237,-699 7424,-699 7424,-699 7430,-699 7436,-705 7436,-711 7436,-711 7436,-770 7436,-770 7436,-776 7430,-782 7424,-782\"/>\n<text text-anchor=\"middle\" x=\"7330.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Unmarried &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7330.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.293</text>\n<text text-anchor=\"middle\" x=\"7330.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 155</text>\n<text text-anchor=\"middle\" x=\"7330.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [147, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"7330.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 180&#45;&gt;181 -->\n<g id=\"edge181\" class=\"edge\">\n<title>180&#45;&gt;181</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7446.8945,-817.8796C7432.3146,-808.1868 7416.6849,-797.7961 7401.7618,-787.8752\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7403.3355,-784.7185 7393.0702,-782.0969 7399.4601,-790.5479 7403.3355,-784.7185\"/>\n</g>\n<!-- 204 -->\n<g id=\"node205\" class=\"node\">\n<title>204</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7573,-774.5C7573,-774.5 7466,-774.5 7466,-774.5 7460,-774.5 7454,-768.5 7454,-762.5 7454,-762.5 7454,-718.5 7454,-718.5 7454,-712.5 7460,-706.5 7466,-706.5 7466,-706.5 7573,-706.5 7573,-706.5 7579,-706.5 7585,-712.5 7585,-718.5 7585,-718.5 7585,-762.5 7585,-762.5 7585,-768.5 7579,-774.5 7573,-774.5\"/>\n<text text-anchor=\"middle\" x=\"7519.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7519.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"7519.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"7519.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 180&#45;&gt;204 -->\n<g id=\"edge204\" class=\"edge\">\n<title>180&#45;&gt;204</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7512.9975,-817.8796C7513.8938,-807.2134 7514.8612,-795.7021 7515.7688,-784.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7519.2666,-785.0729 7516.6164,-774.8149 7512.2912,-784.4867 7519.2666,-785.0729\"/>\n</g>\n<!-- 182 -->\n<g id=\"node183\" class=\"node\">\n<title>182</title>\n<path fill=\"#e6843e\" stroke=\"#000000\" d=\"M7198,-663C7198,-663 7075,-663 7075,-663 7069,-663 7063,-657 7063,-651 7063,-651 7063,-592 7063,-592 7063,-586 7069,-580 7075,-580 7075,-580 7198,-580 7198,-580 7204,-580 7210,-586 7210,-592 7210,-592 7210,-651 7210,-651 7210,-657 7204,-663 7198,-663\"/>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(71...75] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.162</text>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 126</text>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [123, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 181&#45;&gt;182 -->\n<g id=\"edge182\" class=\"edge\">\n<title>181&#45;&gt;182</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7262.6482,-698.8796C7246.6989,-689.0962 7229.5904,-678.6019 7213.2802,-668.5971\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7214.6677,-665.3422 7204.3135,-663.0969 7211.0075,-671.3091 7214.6677,-665.3422\"/>\n</g>\n<!-- 191 -->\n<g id=\"node192\" class=\"node\">\n<title>191</title>\n<path fill=\"#ea9b62\" stroke=\"#000000\" d=\"M7422.5,-663C7422.5,-663 7244.5,-663 7244.5,-663 7238.5,-663 7232.5,-657 7232.5,-651 7232.5,-651 7232.5,-592 7232.5,-592 7232.5,-586 7238.5,-580 7244.5,-580 7244.5,-580 7422.5,-580 7422.5,-580 7428.5,-580 7434.5,-586 7434.5,-592 7434.5,-592 7434.5,-651 7434.5,-651 7434.5,-657 7428.5,-663 7422.5,-663\"/>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(4...6] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.663</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 29</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [24, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 181&#45;&gt;191 -->\n<g id=\"edge191\" class=\"edge\">\n<title>181&#45;&gt;191</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7331.5493,-698.8796C7331.7559,-690.6838 7331.9751,-681.9891 7332.189,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7335.693,-673.3831 7332.4463,-663.2981 7328.6953,-673.2067 7335.693,-673.3831\"/>\n</g>\n<!-- 183 -->\n<g id=\"node184\" class=\"node\">\n<title>183</title>\n<path fill=\"#e5833c\" stroke=\"#000000\" d=\"M7041,-544C7041,-544 6838,-544 6838,-544 6832,-544 6826,-538 6826,-532 6826,-532 6826,-473 6826,-473 6826,-467 6832,-461 6838,-461 6838,-461 7041,-461 7041,-461 7047,-461 7053,-467 7053,-473 7053,-473 7053,-532 7053,-532 7053,-538 7047,-544 7041,-544\"/>\n<text text-anchor=\"middle\" x=\"6939.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2341...2396] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6939.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.118</text>\n<text text-anchor=\"middle\" x=\"6939.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 125</text>\n<text text-anchor=\"middle\" x=\"6939.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [123, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"6939.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 182&#45;&gt;183 -->\n<g id=\"edge183\" class=\"edge\">\n<title>182&#45;&gt;183</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7067.599,-579.8796C7051.253,-570.0056 7033.7081,-559.4075 7017.0076,-549.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7018.7314,-546.2716 7008.3621,-544.0969 7015.112,-552.2633 7018.7314,-546.2716\"/>\n</g>\n<!-- 190 -->\n<g id=\"node191\" class=\"node\">\n<title>190</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7190,-536.5C7190,-536.5 7083,-536.5 7083,-536.5 7077,-536.5 7071,-530.5 7071,-524.5 7071,-524.5 7071,-480.5 7071,-480.5 7071,-474.5 7077,-468.5 7083,-468.5 7083,-468.5 7190,-468.5 7190,-468.5 7196,-468.5 7202,-474.5 7202,-480.5 7202,-480.5 7202,-524.5 7202,-524.5 7202,-530.5 7196,-536.5 7190,-536.5\"/>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7136.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 182&#45;&gt;190 -->\n<g id=\"edge190\" class=\"edge\">\n<title>182&#45;&gt;190</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7136.5,-579.8796C7136.5,-569.2134 7136.5,-557.7021 7136.5,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7140.0001,-546.8149 7136.5,-536.8149 7133.0001,-546.815 7140.0001,-546.8149\"/>\n</g>\n<!-- 184 -->\n<g id=\"node185\" class=\"node\">\n<title>184</title>\n<path fill=\"#e5823b\" stroke=\"#000000\" d=\"M6925,-425C6925,-425 6712,-425 6712,-425 6706,-425 6700,-419 6700,-413 6700,-413 6700,-354 6700,-354 6700,-348 6706,-342 6712,-342 6712,-342 6925,-342 6925,-342 6931,-342 6937,-348 6937,-354 6937,-354 6937,-413 6937,-413 6937,-419 6931,-425 6925,-425\"/>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Protective&#45;serv &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.068</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 124</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [123, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 183&#45;&gt;184 -->\n<g id=\"edge184\" class=\"edge\">\n<title>183&#45;&gt;184</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6897.1801,-460.8796C6887.8392,-451.6931 6877.861,-441.8798 6868.256,-432.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6870.5845,-429.8146 6861.0006,-425.2981 6865.6762,-434.8054 6870.5845,-429.8146\"/>\n</g>\n<!-- 189 -->\n<g id=\"node190\" class=\"node\">\n<title>189</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7074,-417.5C7074,-417.5 6967,-417.5 6967,-417.5 6961,-417.5 6955,-411.5 6955,-405.5 6955,-405.5 6955,-361.5 6955,-361.5 6955,-355.5 6961,-349.5 6967,-349.5 6967,-349.5 7074,-349.5 7074,-349.5 7080,-349.5 7086,-355.5 7086,-361.5 7086,-361.5 7086,-405.5 7086,-405.5 7086,-411.5 7080,-417.5 7074,-417.5\"/>\n<text text-anchor=\"middle\" x=\"7020.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7020.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7020.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7020.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 183&#45;&gt;189 -->\n<g id=\"edge189\" class=\"edge\">\n<title>183&#45;&gt;189</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6967.8299,-460.8796C6975.4643,-449.6636 6983.7348,-437.5131 6991.4099,-426.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6994.4092,-428.0511 6997.1428,-417.8149 6988.6225,-424.1122 6994.4092,-428.0511\"/>\n</g>\n<!-- 185 -->\n<g id=\"node186\" class=\"node\">\n<title>185</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M6675,-298.5C6675,-298.5 6552,-298.5 6552,-298.5 6546,-298.5 6540,-292.5 6540,-286.5 6540,-286.5 6540,-242.5 6540,-242.5 6540,-236.5 6546,-230.5 6552,-230.5 6552,-230.5 6675,-230.5 6675,-230.5 6681,-230.5 6687,-236.5 6687,-242.5 6687,-242.5 6687,-286.5 6687,-286.5 6687,-292.5 6681,-298.5 6675,-298.5\"/>\n<text text-anchor=\"middle\" x=\"6613.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6613.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 121</text>\n<text text-anchor=\"middle\" x=\"6613.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [121, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6613.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 184&#45;&gt;185 -->\n<g id=\"edge185\" class=\"edge\">\n<title>184&#45;&gt;185</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6746.8009,-341.8796C6725.4839,-329.5053 6702.2076,-315.9937 6681.1567,-303.7739\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6682.689,-300.6164 6672.2834,-298.623 6679.1747,-306.6704 6682.689,-300.6164\"/>\n</g>\n<!-- 186 -->\n<g id=\"node187\" class=\"node\">\n<title>186</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M6920,-306C6920,-306 6717,-306 6717,-306 6711,-306 6705,-300 6705,-294 6705,-294 6705,-235 6705,-235 6705,-229 6711,-223 6717,-223 6717,-223 6920,-223 6920,-223 6926,-223 6932,-229 6932,-235 6932,-235 6932,-294 6932,-294 6932,-300 6926,-306 6920,-306\"/>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2178...2232] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 184&#45;&gt;186 -->\n<g id=\"edge186\" class=\"edge\">\n<title>184&#45;&gt;186</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6818.5,-341.8796C6818.5,-333.6838 6818.5,-324.9891 6818.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6822.0001,-316.298 6818.5,-306.2981 6815.0001,-316.2981 6822.0001,-316.298\"/>\n</g>\n<!-- 187 -->\n<g id=\"node188\" class=\"node\">\n<title>187</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M6723,-179.5C6723,-179.5 6616,-179.5 6616,-179.5 6610,-179.5 6604,-173.5 6604,-167.5 6604,-167.5 6604,-123.5 6604,-123.5 6604,-117.5 6610,-111.5 6616,-111.5 6616,-111.5 6723,-111.5 6723,-111.5 6729,-111.5 6735,-117.5 6735,-123.5 6735,-123.5 6735,-167.5 6735,-167.5 6735,-173.5 6729,-179.5 6723,-179.5\"/>\n<text text-anchor=\"middle\" x=\"6669.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6669.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"6669.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6669.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 186&#45;&gt;187 -->\n<g id=\"edge187\" class=\"edge\">\n<title>186&#45;&gt;187</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6766.387,-222.8796C6751.5174,-211.0038 6735.336,-198.0804 6720.5317,-186.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6722.4638,-183.3207 6712.4658,-179.8149 6718.0954,-188.7904 6722.4638,-183.3207\"/>\n</g>\n<!-- 188 -->\n<g id=\"node189\" class=\"node\">\n<title>188</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M6872,-179.5C6872,-179.5 6765,-179.5 6765,-179.5 6759,-179.5 6753,-173.5 6753,-167.5 6753,-167.5 6753,-123.5 6753,-123.5 6753,-117.5 6759,-111.5 6765,-111.5 6765,-111.5 6872,-111.5 6872,-111.5 6878,-111.5 6884,-117.5 6884,-123.5 6884,-123.5 6884,-167.5 6884,-167.5 6884,-173.5 6878,-179.5 6872,-179.5\"/>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"6818.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 186&#45;&gt;188 -->\n<g id=\"edge188\" class=\"edge\">\n<title>186&#45;&gt;188</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6818.5,-222.8796C6818.5,-212.2134 6818.5,-200.7021 6818.5,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6822.0001,-189.8149 6818.5,-179.8149 6815.0001,-189.815 6822.0001,-189.8149\"/>\n</g>\n<!-- 192 -->\n<g id=\"node193\" class=\"node\">\n<title>192</title>\n<path fill=\"#e9965a\" stroke=\"#000000\" d=\"M7435,-544C7435,-544 7232,-544 7232,-544 7226,-544 7220,-538 7220,-532 7220,-532 7220,-473 7220,-473 7220,-467 7226,-461 7232,-461 7232,-461 7435,-461 7435,-461 7441,-461 7447,-467 7447,-473 7447,-473 7447,-532 7447,-532 7447,-538 7441,-544 7435,-544\"/>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2450...2505] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 28</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [24, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"7333.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 191&#45;&gt;192 -->\n<g id=\"edge192\" class=\"edge\">\n<title>191&#45;&gt;192</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7333.5,-579.8796C7333.5,-571.6838 7333.5,-562.9891 7333.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7337.0001,-554.298 7333.5,-544.2981 7330.0001,-554.2981 7337.0001,-554.298\"/>\n</g>\n<!-- 203 -->\n<g id=\"node204\" class=\"node\">\n<title>203</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7584,-536.5C7584,-536.5 7477,-536.5 7477,-536.5 7471,-536.5 7465,-530.5 7465,-524.5 7465,-524.5 7465,-480.5 7465,-480.5 7465,-474.5 7471,-468.5 7477,-468.5 7477,-468.5 7584,-468.5 7584,-468.5 7590,-468.5 7596,-474.5 7596,-480.5 7596,-480.5 7596,-524.5 7596,-524.5 7596,-530.5 7590,-536.5 7584,-536.5\"/>\n<text text-anchor=\"middle\" x=\"7530.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7530.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7530.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7530.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 191&#45;&gt;203 -->\n<g id=\"edge203\" class=\"edge\">\n<title>191&#45;&gt;203</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7402.401,-579.8796C7422.7947,-567.5606 7445.0545,-554.1143 7465.2125,-541.9376\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7467.2607,-544.7894 7474.0106,-536.623 7463.6413,-538.7977 7467.2607,-544.7894\"/>\n</g>\n<!-- 193 -->\n<g id=\"node194\" class=\"node\">\n<title>193</title>\n<path fill=\"#e89152\" stroke=\"#000000\" d=\"M7337,-425C7337,-425 7134,-425 7134,-425 7128,-425 7122,-419 7122,-413 7122,-413 7122,-354 7122,-354 7122,-348 7128,-342 7134,-342 7134,-342 7337,-342 7337,-342 7343,-342 7349,-348 7349,-354 7349,-354 7349,-413 7349,-413 7349,-419 7343,-425 7337,-425\"/>\n<text text-anchor=\"middle\" x=\"7235.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2995...3049] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7235.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.503</text>\n<text text-anchor=\"middle\" x=\"7235.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 27</text>\n<text text-anchor=\"middle\" x=\"7235.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [24, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"7235.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 192&#45;&gt;193 -->\n<g id=\"edge193\" class=\"edge\">\n<title>192&#45;&gt;193</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7299.2244,-460.8796C7291.8816,-451.9633 7284.0524,-442.4565 7276.4854,-433.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7278.9808,-430.7924 7269.9219,-425.2981 7273.5773,-435.2424 7278.9808,-430.7924\"/>\n</g>\n<!-- 202 -->\n<g id=\"node203\" class=\"node\">\n<title>202</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7486,-417.5C7486,-417.5 7379,-417.5 7379,-417.5 7373,-417.5 7367,-411.5 7367,-405.5 7367,-405.5 7367,-361.5 7367,-361.5 7367,-355.5 7373,-349.5 7379,-349.5 7379,-349.5 7486,-349.5 7486,-349.5 7492,-349.5 7498,-355.5 7498,-361.5 7498,-361.5 7498,-405.5 7498,-405.5 7498,-411.5 7492,-417.5 7486,-417.5\"/>\n<text text-anchor=\"middle\" x=\"7432.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7432.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7432.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7432.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 192&#45;&gt;202 -->\n<g id=\"edge202\" class=\"edge\">\n<title>192&#45;&gt;202</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7368.1254,-460.8796C7377.6393,-449.4436 7387.9614,-437.0363 7397.4965,-425.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7400.2474,-427.7409 7403.9523,-417.8149 7394.8661,-423.264 7400.2474,-427.7409\"/>\n</g>\n<!-- 194 -->\n<g id=\"node195\" class=\"node\">\n<title>194</title>\n<path fill=\"#e78c49\" stroke=\"#000000\" d=\"M7251,-306C7251,-306 7048,-306 7048,-306 7042,-306 7036,-300 7036,-294 7036,-294 7036,-235 7036,-235 7036,-229 7042,-223 7048,-223 7048,-223 7251,-223 7251,-223 7257,-223 7263,-229 7263,-235 7263,-235 7263,-294 7263,-294 7263,-300 7257,-306 7251,-306\"/>\n<text text-anchor=\"middle\" x=\"7149.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1742...1797] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7149.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.391</text>\n<text text-anchor=\"middle\" x=\"7149.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 26</text>\n<text text-anchor=\"middle\" x=\"7149.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [24, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"7149.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 193&#45;&gt;194 -->\n<g id=\"edge194\" class=\"edge\">\n<title>193&#45;&gt;194</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7205.4214,-341.8796C7199.0428,-333.0534 7192.246,-323.6485 7185.6681,-314.5466\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7188.4012,-312.353 7179.707,-306.2981 7182.7277,-316.4532 7188.4012,-312.353\"/>\n</g>\n<!-- 201 -->\n<g id=\"node202\" class=\"node\">\n<title>201</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7400,-298.5C7400,-298.5 7293,-298.5 7293,-298.5 7287,-298.5 7281,-292.5 7281,-286.5 7281,-286.5 7281,-242.5 7281,-242.5 7281,-236.5 7287,-230.5 7293,-230.5 7293,-230.5 7400,-230.5 7400,-230.5 7406,-230.5 7412,-236.5 7412,-242.5 7412,-242.5 7412,-286.5 7412,-286.5 7412,-292.5 7406,-298.5 7400,-298.5\"/>\n<text text-anchor=\"middle\" x=\"7346.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7346.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7346.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7346.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 193&#45;&gt;201 -->\n<g id=\"edge201\" class=\"edge\">\n<title>193&#45;&gt;201</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7274.3224,-341.8796C7285.0921,-330.3337 7296.7854,-317.7976 7307.5617,-306.2446\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7310.2303,-308.5149 7314.492,-298.8149 7305.1115,-303.7402 7310.2303,-308.5149\"/>\n</g>\n<!-- 195 -->\n<g id=\"node196\" class=\"node\">\n<title>195</title>\n<path fill=\"#e68642\" stroke=\"#000000\" d=\"M7144.5,-187C7144.5,-187 6914.5,-187 6914.5,-187 6908.5,-187 6902.5,-181 6902.5,-175 6902.5,-175 6902.5,-116 6902.5,-116 6902.5,-110 6908.5,-104 6914.5,-104 6914.5,-104 7144.5,-104 7144.5,-104 7150.5,-104 7156.5,-110 7156.5,-116 7156.5,-116 7156.5,-175 7156.5,-175 7156.5,-181 7150.5,-187 7144.5,-187\"/>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Transport&#45;moving &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.25</text>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 24</text>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [23, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 194&#45;&gt;195 -->\n<g id=\"edge195\" class=\"edge\">\n<title>194&#45;&gt;195</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7107.5298,-222.8796C7098.2662,-213.6931 7088.3704,-203.8798 7078.8448,-194.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7081.2144,-191.8543 7071.6493,-187.2981 7076.2854,-196.8247 7081.2144,-191.8543\"/>\n</g>\n<!-- 198 -->\n<g id=\"node199\" class=\"node\">\n<title>198</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M7340,-187C7340,-187 7187,-187 7187,-187 7181,-187 7175,-181 7175,-175 7175,-175 7175,-116 7175,-116 7175,-110 7181,-104 7187,-104 7187,-104 7340,-104 7340,-104 7346,-104 7352,-110 7352,-116 7352,-116 7352,-175 7352,-175 7352,-181 7346,-187 7340,-187\"/>\n<text text-anchor=\"middle\" x=\"7263.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Sales &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7263.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"7263.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"7263.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7263.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 194&#45;&gt;198 -->\n<g id=\"edge198\" class=\"edge\">\n<title>194&#45;&gt;198</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7189.3717,-222.8796C7198.0858,-213.7832 7207.3888,-204.0722 7216.3562,-194.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7219.0678,-196.9405 7223.4581,-187.2981 7214.013,-192.098 7219.0678,-196.9405\"/>\n</g>\n<!-- 196 -->\n<g id=\"node197\" class=\"node\">\n<title>196</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M6934,-68C6934,-68 6819,-68 6819,-68 6813,-68 6807,-62 6807,-56 6807,-56 6807,-12 6807,-12 6807,-6 6813,0 6819,0 6819,0 6934,0 6934,0 6940,0 6946,-6 6946,-12 6946,-12 6946,-56 6946,-56 6946,-62 6940,-68 6934,-68\"/>\n<text text-anchor=\"middle\" x=\"6876.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"6876.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 21</text>\n<text text-anchor=\"middle\" x=\"6876.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [21, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"6876.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 195&#45;&gt;196 -->\n<g id=\"edge196\" class=\"edge\">\n<title>195&#45;&gt;196</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M6972.5284,-103.9815C6959.1604,-94.2394 6944.9396,-83.8759 6931.6528,-74.193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"6933.6595,-71.3247 6923.5165,-68.2637 6929.5368,-76.9819 6933.6595,-71.3247\"/>\n</g>\n<!-- 197 -->\n<g id=\"node198\" class=\"node\">\n<title>197</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M7083,-68C7083,-68 6976,-68 6976,-68 6970,-68 6964,-62 6964,-56 6964,-56 6964,-12 6964,-12 6964,-6 6970,0 6976,0 6976,0 7083,0 7083,0 7089,0 7095,-6 7095,-12 7095,-12 7095,-56 7095,-56 7095,-62 7089,-68 7083,-68\"/>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7029.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 195&#45;&gt;197 -->\n<g id=\"edge197\" class=\"edge\">\n<title>195&#45;&gt;197</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7029.5,-103.9815C7029.5,-95.618 7029.5,-86.7965 7029.5,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7033.0001,-78.2636 7029.5,-68.2637 7026.0001,-78.2637 7033.0001,-78.2636\"/>\n</g>\n<!-- 199 -->\n<g id=\"node200\" class=\"node\">\n<title>199</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7232,-68C7232,-68 7125,-68 7125,-68 7119,-68 7113,-62 7113,-56 7113,-56 7113,-12 7113,-12 7113,-6 7119,0 7125,0 7125,0 7232,0 7232,0 7238,0 7244,-6 7244,-12 7244,-12 7244,-56 7244,-56 7244,-62 7238,-68 7232,-68\"/>\n<text text-anchor=\"middle\" x=\"7178.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7178.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7178.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"7178.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 198&#45;&gt;199 -->\n<g id=\"edge199\" class=\"edge\">\n<title>198&#45;&gt;199</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7231.8491,-103.9815C7224.9829,-94.9747 7217.7118,-85.4367 7210.8202,-76.3965\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7213.4664,-74.0945 7204.6203,-68.2637 7207.8995,-78.3383 7213.4664,-74.0945\"/>\n</g>\n<!-- 200 -->\n<g id=\"node201\" class=\"node\">\n<title>200</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M7381,-68C7381,-68 7274,-68 7274,-68 7268,-68 7262,-62 7262,-56 7262,-56 7262,-12 7262,-12 7262,-6 7268,0 7274,0 7274,0 7381,0 7381,0 7387,0 7393,-6 7393,-12 7393,-12 7393,-56 7393,-56 7393,-62 7387,-68 7381,-68\"/>\n<text text-anchor=\"middle\" x=\"7327.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7327.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7327.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"7327.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 198&#45;&gt;200 -->\n<g id=\"edge200\" class=\"edge\">\n<title>198&#45;&gt;200</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7287.3312,-103.9815C7292.3956,-95.1585 7297.7525,-85.8258 7302.8468,-76.9506\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7305.8903,-78.6789 7307.833,-68.2637 7299.8193,-75.1942 7305.8903,-78.6789\"/>\n</g>\n<!-- 206 -->\n<g id=\"node207\" class=\"node\">\n<title>206</title>\n<path fill=\"#7bbeee\" stroke=\"#000000\" d=\"M7798.5,-782C7798.5,-782 7620.5,-782 7620.5,-782 7614.5,-782 7608.5,-776 7608.5,-770 7608.5,-770 7608.5,-711 7608.5,-711 7608.5,-705 7614.5,-699 7620.5,-699 7620.5,-699 7798.5,-699 7798.5,-699 7804.5,-699 7810.5,-705 7810.5,-711 7810.5,-711 7810.5,-770 7810.5,-770 7810.5,-776 7804.5,-782 7798.5,-782\"/>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(6...7] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"7709.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 205&#45;&gt;206 -->\n<g id=\"edge206\" class=\"edge\">\n<title>205&#45;&gt;206</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7712.7512,-817.8796C7712.4069,-809.6838 7712.0416,-800.9891 7711.6849,-792.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7715.173,-792.1423 7711.2562,-782.2981 7708.1792,-792.4362 7715.173,-792.1423\"/>\n</g>\n<!-- 211 -->\n<g id=\"node212\" class=\"node\">\n<title>211</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M7948,-774.5C7948,-774.5 7841,-774.5 7841,-774.5 7835,-774.5 7829,-768.5 7829,-762.5 7829,-762.5 7829,-718.5 7829,-718.5 7829,-712.5 7835,-706.5 7841,-706.5 7841,-706.5 7948,-706.5 7948,-706.5 7954,-706.5 7960,-712.5 7960,-718.5 7960,-718.5 7960,-762.5 7960,-762.5 7960,-768.5 7954,-774.5 7948,-774.5\"/>\n<text text-anchor=\"middle\" x=\"7894.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7894.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"7894.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"7894.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 205&#45;&gt;211 -->\n<g id=\"edge211\" class=\"edge\">\n<title>205&#45;&gt;211</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7777.4553,-817.8796C7795.8384,-805.7263 7815.8811,-792.4759 7834.1021,-780.4297\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7836.4737,-783.0576 7842.8853,-774.623 7832.6133,-777.2183 7836.4737,-783.0576\"/>\n</g>\n<!-- 207 -->\n<g id=\"node208\" class=\"node\">\n<title>207</title>\n<path fill=\"#5aade9\" stroke=\"#000000\" d=\"M7783,-663C7783,-663 7628,-663 7628,-663 7622,-663 7616,-657 7616,-651 7616,-651 7616,-592 7616,-592 7616,-586 7622,-580 7628,-580 7628,-580 7783,-580 7783,-580 7789,-580 7795,-586 7795,-592 7795,-592 7795,-651 7795,-651 7795,-657 7789,-663 7783,-663\"/>\n<text text-anchor=\"middle\" x=\"7705.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Private &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7705.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"7705.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"7705.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"7705.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 206&#45;&gt;207 -->\n<g id=\"edge207\" class=\"edge\">\n<title>206&#45;&gt;207</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7708.101,-698.8796C7707.8255,-690.6838 7707.5332,-681.9891 7707.2479,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7710.739,-673.1748 7706.905,-663.2981 7703.743,-673.41 7710.739,-673.1748\"/>\n</g>\n<!-- 210 -->\n<g id=\"node211\" class=\"node\">\n<title>210</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M7932,-655.5C7932,-655.5 7825,-655.5 7825,-655.5 7819,-655.5 7813,-649.5 7813,-643.5 7813,-643.5 7813,-599.5 7813,-599.5 7813,-593.5 7819,-587.5 7825,-587.5 7825,-587.5 7932,-587.5 7932,-587.5 7938,-587.5 7944,-593.5 7944,-599.5 7944,-599.5 7944,-643.5 7944,-643.5 7944,-649.5 7938,-655.5 7932,-655.5\"/>\n<text text-anchor=\"middle\" x=\"7878.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7878.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7878.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"7878.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 206&#45;&gt;210 -->\n<g id=\"edge210\" class=\"edge\">\n<title>206&#45;&gt;210</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7768.608,-698.8796C7785.8677,-686.7263 7804.6856,-673.4759 7821.793,-661.4297\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7823.8782,-664.2421 7830.0396,-655.623 7819.8481,-658.5187 7823.8782,-664.2421\"/>\n</g>\n<!-- 208 -->\n<g id=\"node209\" class=\"node\">\n<title>208</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M7757,-536.5C7757,-536.5 7650,-536.5 7650,-536.5 7644,-536.5 7638,-530.5 7638,-524.5 7638,-524.5 7638,-480.5 7638,-480.5 7638,-474.5 7644,-468.5 7650,-468.5 7650,-468.5 7757,-468.5 7757,-468.5 7763,-468.5 7769,-474.5 7769,-480.5 7769,-480.5 7769,-524.5 7769,-524.5 7769,-530.5 7763,-536.5 7757,-536.5\"/>\n<text text-anchor=\"middle\" x=\"7703.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7703.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"7703.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"7703.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 207&#45;&gt;208 -->\n<g id=\"edge208\" class=\"edge\">\n<title>207&#45;&gt;208</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7704.8005,-579.8796C7704.6212,-569.2134 7704.4278,-557.7021 7704.2462,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7707.7444,-546.7547 7704.0767,-536.8149 7700.7454,-546.8724 7707.7444,-546.7547\"/>\n</g>\n<!-- 209 -->\n<g id=\"node210\" class=\"node\">\n<title>209</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M7906,-536.5C7906,-536.5 7799,-536.5 7799,-536.5 7793,-536.5 7787,-530.5 7787,-524.5 7787,-524.5 7787,-480.5 7787,-480.5 7787,-474.5 7793,-468.5 7799,-468.5 7799,-468.5 7906,-468.5 7906,-468.5 7912,-468.5 7918,-474.5 7918,-480.5 7918,-480.5 7918,-524.5 7918,-524.5 7918,-530.5 7912,-536.5 7906,-536.5\"/>\n<text text-anchor=\"middle\" x=\"7852.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7852.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"7852.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"7852.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 207&#45;&gt;209 -->\n<g id=\"edge209\" class=\"edge\">\n<title>207&#45;&gt;209</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7756.9135,-579.8796C7771.5835,-568.0038 7787.5477,-555.0804 7802.1533,-543.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7804.5407,-545.8273 7810.111,-536.8149 7800.1363,-540.3866 7804.5407,-545.8273\"/>\n</g>\n<!-- 216 -->\n<g id=\"node217\" class=\"node\">\n<title>216</title>\n<path fill=\"#dffadd\" stroke=\"#000000\" d=\"M17895,-1377C17895,-1377 17702,-1377 17702,-1377 17696,-1377 17690,-1371 17690,-1365 17690,-1365 17690,-1306 17690,-1306 17690,-1300 17696,-1294 17702,-1294 17702,-1294 17895,-1294 17895,-1294 17901,-1294 17907,-1300 17907,-1306 17907,-1306 17907,-1365 17907,-1365 17907,-1371 17901,-1377 17895,-1377\"/>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1361.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(10813...159527] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1346.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.328</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1331.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5540</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1316.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [101, 2872, 256, 2311]</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1301.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 215&#45;&gt;216 -->\n<g id=\"edge216\" class=\"edge\">\n<title>215&#45;&gt;216</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18423.6103,-1436.2969C18286.5851,-1414.2021 18056.5851,-1377.1153 17917.0548,-1354.6166\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17917.5971,-1351.1589 17907.1674,-1353.0223 17916.4827,-1358.0696 17917.5971,-1351.1589\"/>\n</g>\n<!-- 477 -->\n<g id=\"node478\" class=\"node\">\n<title>477</title>\n<path fill=\"#8ec7f0\" stroke=\"#000000\" d=\"M19618,-1377C19618,-1377 19415,-1377 19415,-1377 19409,-1377 19403,-1371 19403,-1365 19403,-1365 19403,-1306 19403,-1306 19403,-1300 19409,-1294 19415,-1294 19415,-1294 19618,-1294 19618,-1294 19624,-1294 19630,-1300 19630,-1306 19630,-1306 19630,-1365 19630,-1365 19630,-1371 19624,-1377 19618,-1377\"/>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1361.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1851...1906] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1346.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.882</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1331.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 326</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1316.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [98, 0, 228, 0]</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1301.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 215&#45;&gt;477 -->\n<g id=\"edge477\" class=\"edge\">\n<title>215&#45;&gt;477</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18649.3967,-1440.7911C18834.4467,-1418.3208 19200.8721,-1373.8262 19392.7522,-1350.5265\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19393.3771,-1353.9764 19402.8822,-1349.2964 19392.5332,-1347.0275 19393.3771,-1353.9764\"/>\n</g>\n<!-- 217 -->\n<g id=\"node218\" class=\"node\">\n<title>217</title>\n<path fill=\"#dcfad9\" stroke=\"#000000\" d=\"M16053,-1258C16053,-1258 15852,-1258 15852,-1258 15846,-1258 15840,-1252 15840,-1246 15840,-1246 15840,-1187 15840,-1187 15840,-1181 15846,-1175 15852,-1175 15852,-1175 16053,-1175 16053,-1175 16059,-1175 16065,-1181 16065,-1187 16065,-1187 16065,-1246 16065,-1246 16065,-1252 16059,-1258 16053,-1258\"/>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(306769...454011] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.104</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5265</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [18, 2872, 64, 2311]</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 216&#45;&gt;217 -->\n<g id=\"edge217\" class=\"edge\">\n<title>216&#45;&gt;217</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17689.9161,-1328.5003C17367.2277,-1307.6986 16415.425,-1246.3419 16075.1677,-1224.4076\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16075.24,-1220.9051 16065.0355,-1223.7545 16074.7896,-1227.8906 16075.24,-1220.9051\"/>\n</g>\n<!-- 404 -->\n<g id=\"node405\" class=\"node\">\n<title>404</title>\n<path fill=\"#8fc7f0\" stroke=\"#000000\" d=\"M17900,-1258C17900,-1258 17697,-1258 17697,-1258 17691,-1258 17685,-1252 17685,-1246 17685,-1246 17685,-1187 17685,-1187 17685,-1181 17691,-1175 17697,-1175 17697,-1175 17900,-1175 17900,-1175 17906,-1175 17912,-1181 17912,-1187 17912,-1187 17912,-1246 17912,-1246 17912,-1252 17906,-1258 17900,-1258\"/>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1851...1906] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.884</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 275</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [83, 0, 192, 0]</text>\n<text text-anchor=\"middle\" x=\"17798.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 216&#45;&gt;404 -->\n<g id=\"edge404\" class=\"edge\">\n<title>216&#45;&gt;404</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17798.5,-1293.8796C17798.5,-1285.6838 17798.5,-1276.9891 17798.5,-1268.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17802.0001,-1268.298 17798.5,-1258.2981 17795.0001,-1268.2981 17802.0001,-1268.298\"/>\n</g>\n<!-- 218 -->\n<g id=\"node219\" class=\"node\">\n<title>218</title>\n<path fill=\"#dbfad8\" stroke=\"#000000\" d=\"M15158.5,-1139C15158.5,-1139 14964.5,-1139 14964.5,-1139 14958.5,-1139 14952.5,-1133 14952.5,-1127 14952.5,-1127 14952.5,-1068 14952.5,-1068 14952.5,-1062 14958.5,-1056 14964.5,-1056 14964.5,-1056 15158.5,-1056 15158.5,-1056 15164.5,-1056 15170.5,-1062 15170.5,-1068 15170.5,-1068 15170.5,-1127 15170.5,-1127 15170.5,-1133 15164.5,-1139 15158.5,-1139\"/>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(12...13] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.012</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5193</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [5, 2872, 5, 2311]</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 217&#45;&gt;218 -->\n<g id=\"edge218\" class=\"edge\">\n<title>217&#45;&gt;218</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15839.6542,-1201.4286C15670.6956,-1178.8628 15353.4252,-1136.4889 15180.7852,-1113.4315\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15181.0179,-1109.9316 15170.6426,-1112.0768 15180.0912,-1116.8699 15181.0179,-1109.9316\"/>\n</g>\n<!-- 383 -->\n<g id=\"node384\" class=\"node\">\n<title>383</title>\n<path fill=\"#65b3eb\" stroke=\"#000000\" d=\"M16054,-1139C16054,-1139 15851,-1139 15851,-1139 15845,-1139 15839,-1133 15839,-1127 15839,-1127 15839,-1068 15839,-1068 15839,-1062 15845,-1056 15851,-1056 15851,-1056 16054,-1056 16054,-1056 16060,-1056 16066,-1062 16066,-1068 16066,-1068 16066,-1127 16066,-1127 16066,-1133 16060,-1139 16054,-1139\"/>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1851...1906] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.681</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 72</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [13, 0, 59, 0]</text>\n<text text-anchor=\"middle\" x=\"15952.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 217&#45;&gt;383 -->\n<g id=\"edge383\" class=\"edge\">\n<title>217&#45;&gt;383</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15952.5,-1174.8796C15952.5,-1166.6838 15952.5,-1157.9891 15952.5,-1149.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15956.0001,-1149.298 15952.5,-1139.2981 15949.0001,-1149.2981 15956.0001,-1149.298\"/>\n</g>\n<!-- 219 -->\n<g id=\"node220\" class=\"node\">\n<title>219</title>\n<path fill=\"#baf5b4\" stroke=\"#000000\" d=\"M13213.5,-1020C13213.5,-1020 13019.5,-1020 13019.5,-1020 13013.5,-1020 13007.5,-1014 13007.5,-1008 13007.5,-1008 13007.5,-949 13007.5,-949 13007.5,-943 13013.5,-937 13019.5,-937 13019.5,-937 13213.5,-937 13213.5,-937 13219.5,-937 13225.5,-943 13225.5,-949 13225.5,-949 13225.5,-1008 13225.5,-1008 13225.5,-1014 13219.5,-1020 13213.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(13...14] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.977</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4041</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 2487, 3, 1548]</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 218&#45;&gt;219 -->\n<g id=\"edge219\" class=\"edge\">\n<title>218&#45;&gt;219</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14952.4101,-1090.8256C14614.5521,-1070.1546 13587.1662,-1007.2965 13235.8098,-985.7997\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13235.8083,-982.2931 13225.6132,-985.1758 13235.3807,-989.2801 13235.8083,-982.2931\"/>\n</g>\n<!-- 360 -->\n<g id=\"node361\" class=\"node\">\n<title>360</title>\n<path fill=\"#eb9df2\" stroke=\"#000000\" d=\"M15172,-1020C15172,-1020 14951,-1020 14951,-1020 14945,-1020 14939,-1014 14939,-1008 14939,-1008 14939,-949 14939,-949 14939,-943 14945,-937 14951,-937 14951,-937 15172,-937 15172,-937 15178,-937 15184,-943 15184,-949 15184,-949 15184,-1008 15184,-1008 15184,-1014 15178,-1020 15172,-1020\"/>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(15000...16250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.954</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1152</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 385, 2, 763]</text>\n<text text-anchor=\"middle\" x=\"15061.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 218&#45;&gt;360 -->\n<g id=\"edge360\" class=\"edge\">\n<title>218&#45;&gt;360</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15061.5,-1055.8796C15061.5,-1047.6838 15061.5,-1038.9891 15061.5,-1030.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15065.0001,-1030.298 15061.5,-1020.2981 15058.0001,-1030.2981 15065.0001,-1030.298\"/>\n</g>\n<!-- 220 -->\n<g id=\"node221\" class=\"node\">\n<title>220</title>\n<path fill=\"#a9f3a2\" stroke=\"#000000\" d=\"M11015.5,-901C11015.5,-901 10821.5,-901 10821.5,-901 10815.5,-901 10809.5,-895 10809.5,-889 10809.5,-889 10809.5,-830 10809.5,-830 10809.5,-824 10815.5,-818 10821.5,-818 10821.5,-818 11015.5,-818 11015.5,-818 11021.5,-818 11027.5,-824 11027.5,-830 11027.5,-830 11027.5,-889 11027.5,-889 11027.5,-895 11021.5,-901 11015.5,-901\"/>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(14...16] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.949</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3669</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 2392, 3, 1271]</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 219&#45;&gt;220 -->\n<g id=\"edge220\" class=\"edge\">\n<title>219&#45;&gt;220</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13007.1251,-972.5784C12635.632,-952.4657 11423.9588,-886.8656 11037.848,-865.9615\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11037.9475,-862.4619 11027.7729,-865.416 11037.569,-869.4516 11037.9475,-862.4619\"/>\n</g>\n<!-- 301 -->\n<g id=\"node302\" class=\"node\">\n<title>301</title>\n<path fill=\"#e57dee\" stroke=\"#000000\" d=\"M13229.5,-901C13229.5,-901 13003.5,-901 13003.5,-901 12997.5,-901 12991.5,-895 12991.5,-889 12991.5,-889 12991.5,-830 12991.5,-830 12991.5,-824 12997.5,-818 13003.5,-818 13003.5,-818 13229.5,-818 13229.5,-818 13235.5,-818 13241.5,-824 13241.5,-830 13241.5,-830 13241.5,-889 13241.5,-889 13241.5,-895 13235.5,-901 13229.5,-901\"/>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.82</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 372</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 95, 0, 277]</text>\n<text text-anchor=\"middle\" x=\"13116.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 219&#45;&gt;301 -->\n<g id=\"edge301\" class=\"edge\">\n<title>219&#45;&gt;301</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13116.5,-936.8796C13116.5,-928.6838 13116.5,-919.9891 13116.5,-911.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13120.0001,-911.298 13116.5,-901.2981 13113.0001,-911.2981 13120.0001,-911.298\"/>\n</g>\n<!-- 221 -->\n<g id=\"node222\" class=\"node\">\n<title>221</title>\n<path fill=\"#9df196\" stroke=\"#000000\" d=\"M10236,-782C10236,-782 10031,-782 10031,-782 10025,-782 10019,-776 10019,-770 10019,-770 10019,-711 10019,-711 10019,-705 10025,-699 10031,-699 10031,-699 10236,-699 10236,-699 10242,-699 10248,-705 10248,-711 10248,-711 10248,-770 10248,-770 10248,-776 10242,-782 10236,-782\"/>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(6250...7500] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.919</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3458</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 2352, 2, 1101]</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 220&#45;&gt;221 -->\n<g id=\"edge221\" class=\"edge\">\n<title>220&#45;&gt;221</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10809.3491,-842.9536C10664.8003,-821.0411 10410.4665,-782.486 10258.409,-759.4352\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10258.5037,-755.9097 10248.0921,-757.8713 10257.4545,-762.8306 10258.5037,-755.9097\"/>\n</g>\n<!-- 270 -->\n<g id=\"node271\" class=\"node\">\n<title>270</title>\n<path fill=\"#e168eb\" stroke=\"#000000\" d=\"M11020,-782C11020,-782 10817,-782 10817,-782 10811,-782 10805,-776 10805,-770 10805,-770 10805,-711 10805,-711 10805,-705 10811,-699 10817,-699 10817,-699 11020,-699 11020,-699 11026,-699 11032,-705 11032,-711 11032,-711 11032,-770 11032,-770 11032,-776 11026,-782 11020,-782\"/>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2396...2450] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.743</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 211</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 40, 1, 170]</text>\n<text text-anchor=\"middle\" x=\"10918.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 220&#45;&gt;270 -->\n<g id=\"edge270\" class=\"edge\">\n<title>220&#45;&gt;270</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10918.5,-817.8796C10918.5,-809.6838 10918.5,-800.9891 10918.5,-792.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10922.0001,-792.298 10918.5,-782.2981 10915.0001,-792.2981 10922.0001,-792.298\"/>\n</g>\n<!-- 222 -->\n<g id=\"node223\" class=\"node\">\n<title>222</title>\n<path fill=\"#9af192\" stroke=\"#000000\" d=\"M9878,-663C9878,-663 9675,-663 9675,-663 9669,-663 9663,-657 9663,-651 9663,-651 9663,-592 9663,-592 9663,-586 9669,-580 9675,-580 9675,-580 9878,-580 9878,-580 9884,-580 9890,-586 9890,-592 9890,-592 9890,-651 9890,-651 9890,-657 9884,-663 9878,-663\"/>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1885...1932] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.908</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3409</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 2351, 2, 1053]</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 221&#45;&gt;222 -->\n<g id=\"edge222\" class=\"edge\">\n<title>221&#45;&gt;222</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10018.5779,-702.1926C9980.7143,-689.5714 9938.4605,-675.4868 9899.9861,-662.662\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9900.8845,-659.2722 9890.2908,-659.4303 9898.6708,-665.913 9900.8845,-659.2722\"/>\n</g>\n<!-- 265 -->\n<g id=\"node266\" class=\"node\">\n<title>265</title>\n<path fill=\"#d83de6\" stroke=\"#000000\" d=\"M10194.5,-663C10194.5,-663 10072.5,-663 10072.5,-663 10066.5,-663 10060.5,-657 10060.5,-651 10060.5,-651 10060.5,-592 10060.5,-592 10060.5,-586 10066.5,-580 10072.5,-580 10072.5,-580 10194.5,-580 10194.5,-580 10200.5,-580 10206.5,-586 10206.5,-592 10206.5,-592 10206.5,-651 10206.5,-651 10206.5,-657 10200.5,-663 10194.5,-663\"/>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(66...71] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.144</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 49</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 48]</text>\n<text text-anchor=\"middle\" x=\"10133.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 221&#45;&gt;265 -->\n<g id=\"edge265\" class=\"edge\">\n<title>221&#45;&gt;265</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10133.5,-698.8796C10133.5,-690.6838 10133.5,-681.9891 10133.5,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10137.0001,-673.298 10133.5,-663.2981 10130.0001,-673.2981 10137.0001,-673.298\"/>\n</g>\n<!-- 223 -->\n<g id=\"node224\" class=\"node\">\n<title>223</title>\n<path fill=\"#96f08e\" stroke=\"#000000\" d=\"M9049.5,-544C9049.5,-544 8863.5,-544 8863.5,-544 8857.5,-544 8851.5,-538 8851.5,-532 8851.5,-532 8851.5,-473 8851.5,-473 8851.5,-467 8857.5,-461 8863.5,-461 8863.5,-461 9049.5,-461 9049.5,-461 9055.5,-461 9061.5,-467 9061.5,-473 9061.5,-473 9061.5,-532 9061.5,-532 9061.5,-538 9055.5,-544 9049.5,-544\"/>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_High&#45;school &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.896</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3350</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 2346, 2, 999]</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 222&#45;&gt;223 -->\n<g id=\"edge223\" class=\"edge\">\n<title>222&#45;&gt;223</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9662.9133,-605.0161C9507.0508,-582.397 9228.4137,-541.9606 9071.706,-519.2189\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9071.9619,-515.7195 9061.5629,-517.7469 9070.9565,-522.6469 9071.9619,-515.7195\"/>\n</g>\n<!-- 250 -->\n<g id=\"node251\" class=\"node\">\n<title>250</title>\n<path fill=\"#db4be7\" stroke=\"#000000\" d=\"M9869.5,-544C9869.5,-544 9683.5,-544 9683.5,-544 9677.5,-544 9671.5,-538 9671.5,-532 9671.5,-532 9671.5,-473 9671.5,-473 9671.5,-467 9677.5,-461 9683.5,-461 9683.5,-461 9869.5,-461 9869.5,-461 9875.5,-461 9881.5,-467 9881.5,-473 9881.5,-473 9881.5,-532 9881.5,-532 9881.5,-538 9875.5,-544 9869.5,-544\"/>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(8...10] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.419</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 59</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 54]</text>\n<text text-anchor=\"middle\" x=\"9776.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 222&#45;&gt;250 -->\n<g id=\"edge250\" class=\"edge\">\n<title>222&#45;&gt;250</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9776.5,-579.8796C9776.5,-571.6838 9776.5,-562.9891 9776.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9780.0001,-554.298 9776.5,-544.2981 9773.0001,-554.2981 9780.0001,-554.298\"/>\n</g>\n<!-- 224 -->\n<g id=\"node225\" class=\"node\">\n<title>224</title>\n<path fill=\"#a1f29a\" stroke=\"#000000\" d=\"M8228.5,-425C8228.5,-425 8080.5,-425 8080.5,-425 8074.5,-425 8068.5,-419 8068.5,-413 8068.5,-413 8068.5,-354 8068.5,-354 8068.5,-348 8074.5,-342 8080.5,-342 8080.5,-342 8228.5,-342 8228.5,-342 8234.5,-342 8240.5,-348 8240.5,-354 8240.5,-354 8240.5,-413 8240.5,-413 8240.5,-419 8234.5,-425 8228.5,-425\"/>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(22...27] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.931</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2858</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 1918, 2, 935]</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 223&#45;&gt;224 -->\n<g id=\"edge224\" class=\"edge\">\n<title>223&#45;&gt;224</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8851.2405,-486.8817C8694.5211,-463.6278 8402.1032,-420.2391 8250.7687,-397.7843\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8250.9693,-394.2758 8240.5638,-396.2701 8249.9418,-401.2 8250.9693,-394.2758\"/>\n</g>\n<!-- 237 -->\n<g id=\"node238\" class=\"node\">\n<title>237</title>\n<path fill=\"#63e957\" stroke=\"#000000\" d=\"M9052,-425C9052,-425 8861,-425 8861,-425 8855,-425 8849,-419 8849,-413 8849,-413 8849,-354 8849,-354 8849,-348 8855,-342 8861,-342 8861,-342 9052,-342 9052,-342 9058,-342 9064,-348 9064,-354 9064,-354 9064,-413 9064,-413 9064,-419 9058,-425 9052,-425\"/>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.558</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 492</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 428, 0, 64]</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 223&#45;&gt;237 -->\n<g id=\"edge237\" class=\"edge\">\n<title>223&#45;&gt;237</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8956.5,-460.8796C8956.5,-452.6838 8956.5,-443.9891 8956.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8960.0001,-435.298 8956.5,-425.2981 8953.0001,-435.2981 8960.0001,-435.298\"/>\n</g>\n<!-- 225 -->\n<g id=\"node226\" class=\"node\">\n<title>225</title>\n<path fill=\"#a8f3a2\" stroke=\"#000000\" d=\"M7956,-306C7956,-306 7751,-306 7751,-306 7745,-306 7739,-300 7739,-294 7739,-294 7739,-235 7739,-235 7739,-229 7745,-223 7751,-223 7751,-223 7956,-223 7956,-223 7962,-223 7968,-229 7968,-235 7968,-235 7968,-294 7968,-294 7968,-300 7962,-306 7956,-306\"/>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(7500...8750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.95</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2679</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 1750, 2, 924]</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 224&#45;&gt;225 -->\n<g id=\"edge225\" class=\"edge\">\n<title>224&#45;&gt;225</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8068.2455,-349.3994C8036.9636,-337.0321 8001.1229,-322.8625 7967.7994,-309.6881\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7969.0595,-306.4228 7958.4731,-306.001 7966.4859,-312.9325 7969.0595,-306.4228\"/>\n</g>\n<!-- 230 -->\n<g id=\"node231\" class=\"node\">\n<title>230</title>\n<path fill=\"#53e746\" stroke=\"#000000\" d=\"M8241,-306C8241,-306 8068,-306 8068,-306 8062,-306 8056,-300 8056,-294 8056,-294 8056,-235 8056,-235 8056,-229 8062,-223 8068,-223 8068,-223 8241,-223 8241,-223 8247,-223 8253,-229 8253,-235 8253,-235 8253,-294 8253,-294 8253,-300 8247,-306 8241,-306\"/>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Local&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.333</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 179</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 168, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"8154.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 224&#45;&gt;230 -->\n<g id=\"edge230\" class=\"edge\">\n<title>224&#45;&gt;230</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8154.5,-341.8796C8154.5,-333.6838 8154.5,-324.9891 8154.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8158.0001,-316.298 8154.5,-306.2981 8151.0001,-316.2981 8158.0001,-316.298\"/>\n</g>\n<!-- 226 -->\n<g id=\"node227\" class=\"node\">\n<title>226</title>\n<path fill=\"#a5f29e\" stroke=\"#000000\" d=\"M7753.5,-187C7753.5,-187 7527.5,-187 7527.5,-187 7521.5,-187 7515.5,-181 7515.5,-175 7515.5,-175 7515.5,-116 7515.5,-116 7515.5,-110 7521.5,-104 7527.5,-104 7527.5,-104 7753.5,-104 7753.5,-104 7759.5,-104 7765.5,-110 7765.5,-116 7765.5,-116 7765.5,-175 7765.5,-175 7765.5,-181 7759.5,-187 7753.5,-187\"/>\n<text text-anchor=\"middle\" x=\"7640.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"7640.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.942</text>\n<text text-anchor=\"middle\" x=\"7640.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2646</text>\n<text text-anchor=\"middle\" x=\"7640.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 1750, 2, 891]</text>\n<text text-anchor=\"middle\" x=\"7640.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 225&#45;&gt;226 -->\n<g id=\"edge226\" class=\"edge\">\n<title>225&#45;&gt;226</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7779.0029,-222.8796C7761.1672,-212.915 7742.0114,-202.2129 7723.8059,-192.0418\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7725.392,-188.9188 7714.955,-187.0969 7721.9779,-195.0298 7725.392,-188.9188\"/>\n</g>\n<!-- 229 -->\n<g id=\"node230\" class=\"node\">\n<title>229</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M7911,-179.5C7911,-179.5 7796,-179.5 7796,-179.5 7790,-179.5 7784,-173.5 7784,-167.5 7784,-167.5 7784,-123.5 7784,-123.5 7784,-117.5 7790,-111.5 7796,-111.5 7796,-111.5 7911,-111.5 7911,-111.5 7917,-111.5 7923,-117.5 7923,-123.5 7923,-123.5 7923,-167.5 7923,-167.5 7923,-173.5 7917,-179.5 7911,-179.5\"/>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 33</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 33]</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 225&#45;&gt;229 -->\n<g id=\"edge229\" class=\"edge\">\n<title>225&#45;&gt;229</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7853.5,-222.8796C7853.5,-212.2134 7853.5,-200.7021 7853.5,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7857.0001,-189.8149 7853.5,-179.8149 7850.0001,-189.815 7857.0001,-189.8149\"/>\n</g>\n<!-- 227 -->\n<g id=\"node228\" class=\"node\">\n<title>227</title>\n<path fill=\"#9bf193\" stroke=\"#000000\" d=\"M7571.5,-68C7571.5,-68 7423.5,-68 7423.5,-68 7417.5,-68 7411.5,-62 7411.5,-56 7411.5,-56 7411.5,-12 7411.5,-12 7411.5,-6 7417.5,0 7423.5,0 7423.5,0 7571.5,0 7571.5,0 7577.5,0 7583.5,-6 7583.5,-12 7583.5,-12 7583.5,-56 7583.5,-56 7583.5,-62 7577.5,-68 7571.5,-68\"/>\n<text text-anchor=\"middle\" x=\"7497.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.917</text>\n<text text-anchor=\"middle\" x=\"7497.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2351</text>\n<text text-anchor=\"middle\" x=\"7497.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 1615, 2, 731]</text>\n<text text-anchor=\"middle\" x=\"7497.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 226&#45;&gt;227 -->\n<g id=\"edge227\" class=\"edge\">\n<title>226&#45;&gt;227</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7587.2521,-103.9815C7574.8756,-94.3313 7561.7172,-84.0714 7549.3997,-74.4673\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7551.4818,-71.6525 7541.4435,-68.2637 7547.1775,-77.1728 7551.4818,-71.6525\"/>\n</g>\n<!-- 228 -->\n<g id=\"node229\" class=\"node\">\n<title>228</title>\n<path fill=\"#f9e0fb\" stroke=\"#000000\" d=\"M7753.5,-68C7753.5,-68 7613.5,-68 7613.5,-68 7607.5,-68 7601.5,-62 7601.5,-56 7601.5,-56 7601.5,-12 7601.5,-12 7601.5,-6 7607.5,0 7613.5,0 7613.5,0 7753.5,0 7753.5,0 7759.5,0 7765.5,-6 7765.5,-12 7765.5,-12 7765.5,-56 7765.5,-56 7765.5,-62 7759.5,-68 7753.5,-68\"/>\n<text text-anchor=\"middle\" x=\"7683.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.995</text>\n<text text-anchor=\"middle\" x=\"7683.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 295</text>\n<text text-anchor=\"middle\" x=\"7683.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 135, 0, 160]</text>\n<text text-anchor=\"middle\" x=\"7683.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 226&#45;&gt;228 -->\n<g id=\"edge228\" class=\"edge\">\n<title>226&#45;&gt;228</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7656.5116,-103.9815C7659.8079,-95.4342 7663.2886,-86.4086 7666.6147,-77.7839\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7669.9535,-78.8533 7670.2862,-68.2637 7663.4224,-76.3345 7669.9535,-78.8533\"/>\n</g>\n<!-- 231 -->\n<g id=\"node232\" class=\"node\">\n<title>231</title>\n<path fill=\"#51e644\" stroke=\"#000000\" d=\"M8076,-187C8076,-187 7953,-187 7953,-187 7947,-187 7941,-181 7941,-175 7941,-175 7941,-116 7941,-116 7941,-110 7947,-104 7953,-104 7953,-104 8076,-104 8076,-104 8082,-104 8088,-110 8088,-116 8088,-116 8088,-175 8088,-175 8088,-181 8082,-187 8076,-187\"/>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">sex_Male &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.294</text>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 174</text>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 165, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 230&#45;&gt;231 -->\n<g id=\"edge231\" class=\"edge\">\n<title>230&#45;&gt;231</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8105.5348,-222.8796C8094.5153,-213.513 8082.7291,-203.4948 8071.4158,-193.8784\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8073.5604,-191.1078 8063.6742,-187.2981 8069.0268,-196.4414 8073.5604,-191.1078\"/>\n</g>\n<!-- 234 -->\n<g id=\"node235\" class=\"node\">\n<title>234</title>\n<path fill=\"#c2f6bd\" stroke=\"#000000\" d=\"M8331,-187C8331,-187 8118,-187 8118,-187 8112,-187 8106,-181 8106,-175 8106,-175 8106,-116 8106,-116 8106,-110 8112,-104 8118,-104 8118,-104 8331,-104 8331,-104 8337,-104 8343,-110 8343,-116 8343,-116 8343,-175 8343,-175 8343,-181 8337,-187 8331,-187\"/>\n<text text-anchor=\"middle\" x=\"8224.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Protective&#45;serv &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8224.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.971</text>\n<text text-anchor=\"middle\" x=\"8224.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"8224.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"8224.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 230&#45;&gt;234 -->\n<g id=\"edge234\" class=\"edge\">\n<title>230&#45;&gt;234</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8178.9826,-222.8796C8184.0685,-214.2335 8189.4811,-205.0322 8194.7328,-196.1042\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8197.8594,-197.692 8199.9129,-187.2981 8191.8259,-194.1428 8197.8594,-197.692\"/>\n</g>\n<!-- 232 -->\n<g id=\"node233\" class=\"node\">\n<title>232</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M7911,-68C7911,-68 7796,-68 7796,-68 7790,-68 7784,-62 7784,-56 7784,-56 7784,-12 7784,-12 7784,-6 7790,0 7796,0 7796,0 7911,0 7911,0 7917,0 7923,-6 7923,-12 7923,-12 7923,-56 7923,-56 7923,-62 7917,-68 7911,-68\"/>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 28</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 28, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"7853.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 231&#45;&gt;232 -->\n<g id=\"edge232\" class=\"edge\">\n<title>231&#45;&gt;232</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M7954.5495,-103.9815C7940.4084,-94.1881 7925.3606,-83.7668 7911.3159,-74.0402\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"7912.9315,-70.9017 7902.7178,-68.0856 7908.9461,-76.6565 7912.9315,-70.9017\"/>\n</g>\n<!-- 233 -->\n<g id=\"node234\" class=\"node\">\n<title>233</title>\n<path fill=\"#53e746\" stroke=\"#000000\" d=\"M8076,-68C8076,-68 7953,-68 7953,-68 7947,-68 7941,-62 7941,-56 7941,-56 7941,-12 7941,-12 7941,-6 7947,0 7953,0 7953,0 8076,0 8076,0 8082,0 8088,-6 8088,-12 8088,-12 8088,-56 8088,-56 8088,-62 8082,-68 8076,-68\"/>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.334</text>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 146</text>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 137, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"8014.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 231&#45;&gt;233 -->\n<g id=\"edge233\" class=\"edge\">\n<title>231&#45;&gt;233</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8014.5,-103.9815C8014.5,-95.618 8014.5,-86.7965 8014.5,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8018.0001,-78.2636 8014.5,-68.2637 8011.0001,-78.2637 8018.0001,-78.2636\"/>\n</g>\n<!-- 235 -->\n<g id=\"node236\" class=\"node\">\n<title>235</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M8225,-68C8225,-68 8118,-68 8118,-68 8112,-68 8106,-62 8106,-56 8106,-56 8106,-12 8106,-12 8106,-6 8112,0 8118,0 8118,0 8225,0 8225,0 8231,0 8237,-6 8237,-12 8237,-12 8237,-56 8237,-56 8237,-62 8231,-68 8225,-68\"/>\n<text text-anchor=\"middle\" x=\"8171.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"8171.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"8171.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"8171.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 234&#45;&gt;235 -->\n<g id=\"edge235\" class=\"edge\">\n<title>234&#45;&gt;235</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8204.7648,-103.9815C8200.6582,-95.3423 8196.3194,-86.2144 8192.1799,-77.5059\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8195.2409,-75.7927 8187.7868,-68.2637 8188.9188,-78.7979 8195.2409,-75.7927\"/>\n</g>\n<!-- 236 -->\n<g id=\"node237\" class=\"node\">\n<title>236</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M8374,-68C8374,-68 8267,-68 8267,-68 8261,-68 8255,-62 8255,-56 8255,-56 8255,-12 8255,-12 8255,-6 8261,0 8267,0 8267,0 8374,0 8374,0 8380,0 8386,-6 8386,-12 8386,-12 8386,-56 8386,-56 8386,-62 8380,-68 8374,-68\"/>\n<text text-anchor=\"middle\" x=\"8320.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"8320.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"8320.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"8320.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 234&#45;&gt;236 -->\n<g id=\"edge236\" class=\"edge\">\n<title>234&#45;&gt;236</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8260.2469,-103.9815C8268.1599,-94.7908 8276.5491,-85.0472 8284.4732,-75.8436\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8287.1271,-78.1255 8290.9994,-68.2637 8281.8224,-73.5582 8287.1271,-78.1255\"/>\n</g>\n<!-- 238 -->\n<g id=\"node239\" class=\"node\">\n<title>238</title>\n<path fill=\"#60e854\" stroke=\"#000000\" d=\"M8895,-306C8895,-306 8764,-306 8764,-306 8758,-306 8752,-300 8752,-294 8752,-294 8752,-235 8752,-235 8752,-229 8758,-223 8764,-223 8764,-223 8895,-223 8895,-223 8901,-223 8907,-229 8907,-235 8907,-235 8907,-294 8907,-294 8907,-300 8901,-306 8895,-306\"/>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(56...61] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.524</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 474</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 418, 0, 56]</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 237&#45;&gt;238 -->\n<g id=\"edge238\" class=\"edge\">\n<title>237&#45;&gt;238</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8912.0816,-341.8796C8902.1814,-332.6031 8891.5991,-322.6874 8881.4269,-313.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8883.7984,-310.5816 8874.108,-306.2981 8879.0121,-315.6896 8883.7984,-310.5816\"/>\n</g>\n<!-- 245 -->\n<g id=\"node246\" class=\"node\">\n<title>245</title>\n<path fill=\"#dafad7\" stroke=\"#000000\" d=\"M9144.5,-306C9144.5,-306 9022.5,-306 9022.5,-306 9016.5,-306 9010.5,-300 9010.5,-294 9010.5,-294 9010.5,-235 9010.5,-235 9010.5,-229 9016.5,-223 9022.5,-223 9022.5,-223 9144.5,-223 9144.5,-223 9150.5,-223 9156.5,-229 9156.5,-235 9156.5,-235 9156.5,-294 9156.5,-294 9156.5,-300 9150.5,-306 9144.5,-306\"/>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(56...61] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.991</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 18</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 237&#45;&gt;245 -->\n<g id=\"edge245\" class=\"edge\">\n<title>237&#45;&gt;245</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9000.9184,-341.8796C9010.8186,-332.6031 9021.4009,-322.6874 9031.5731,-313.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9033.9879,-315.6896 9038.892,-306.2981 9029.2016,-310.5816 9033.9879,-315.6896\"/>\n</g>\n<!-- 239 -->\n<g id=\"node240\" class=\"node\">\n<title>239</title>\n<path fill=\"#5ce850\" stroke=\"#000000\" d=\"M8675,-187C8675,-187 8544,-187 8544,-187 8538,-187 8532,-181 8532,-175 8532,-175 8532,-116 8532,-116 8532,-110 8538,-104 8544,-104 8544,-104 8675,-104 8675,-104 8681,-104 8687,-110 8687,-116 8687,-116 8687,-175 8687,-175 8687,-181 8681,-187 8675,-187\"/>\n<text text-anchor=\"middle\" x=\"8609.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">race_Black &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8609.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.482</text>\n<text text-anchor=\"middle\" x=\"8609.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 423</text>\n<text text-anchor=\"middle\" x=\"8609.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 379, 0, 44]</text>\n<text text-anchor=\"middle\" x=\"8609.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 238&#45;&gt;239 -->\n<g id=\"edge239\" class=\"edge\">\n<title>238&#45;&gt;239</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8752.5547,-222.8796C8734.0491,-212.8697 8714.1675,-202.1156 8695.2873,-191.9031\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8696.8628,-188.7762 8686.4019,-187.0969 8693.5324,-194.9332 8696.8628,-188.7762\"/>\n</g>\n<!-- 242 -->\n<g id=\"node243\" class=\"node\">\n<title>242</title>\n<path fill=\"#80ed76\" stroke=\"#000000\" d=\"M8941.5,-187C8941.5,-187 8717.5,-187 8717.5,-187 8711.5,-187 8705.5,-181 8705.5,-175 8705.5,-175 8705.5,-116 8705.5,-116 8705.5,-110 8711.5,-104 8717.5,-104 8717.5,-104 8941.5,-104 8941.5,-104 8947.5,-104 8953.5,-110 8953.5,-116 8953.5,-116 8953.5,-175 8953.5,-175 8953.5,-181 8947.5,-187 8941.5,-187\"/>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">native&#45;country_United&#45;States &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.787</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 51</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 39, 0, 12]</text>\n<text text-anchor=\"middle\" x=\"8829.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 238&#45;&gt;242 -->\n<g id=\"edge242\" class=\"edge\">\n<title>238&#45;&gt;242</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8829.5,-222.8796C8829.5,-214.6838 8829.5,-205.9891 8829.5,-197.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8833.0001,-197.298 8829.5,-187.2981 8826.0001,-197.2981 8833.0001,-197.298\"/>\n</g>\n<!-- 240 -->\n<g id=\"node241\" class=\"node\">\n<title>240</title>\n<path fill=\"#5fe853\" stroke=\"#000000\" d=\"M8547,-68C8547,-68 8416,-68 8416,-68 8410,-68 8404,-62 8404,-56 8404,-56 8404,-12 8404,-12 8404,-6 8410,0 8416,0 8416,0 8547,0 8547,0 8553,0 8559,-6 8559,-12 8559,-12 8559,-56 8559,-56 8559,-62 8553,-68 8547,-68\"/>\n<text text-anchor=\"middle\" x=\"8481.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.514</text>\n<text text-anchor=\"middle\" x=\"8481.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 383</text>\n<text text-anchor=\"middle\" x=\"8481.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 339, 0, 44]</text>\n<text text-anchor=\"middle\" x=\"8481.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 239&#45;&gt;240 -->\n<g id=\"edge240\" class=\"edge\">\n<title>239&#45;&gt;240</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8561.8375,-103.9815C8550.9703,-94.5151 8539.4295,-84.462 8528.5865,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8530.6734,-72.1929 8520.8341,-68.2637 8526.0755,-77.4712 8530.6734,-72.1929\"/>\n</g>\n<!-- 241 -->\n<g id=\"node242\" class=\"node\">\n<title>241</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M8704,-68C8704,-68 8589,-68 8589,-68 8583,-68 8577,-62 8577,-56 8577,-56 8577,-12 8577,-12 8577,-6 8583,0 8589,0 8589,0 8704,0 8704,0 8710,0 8716,-6 8716,-12 8716,-12 8716,-56 8716,-56 8716,-62 8710,-68 8704,-68\"/>\n<text text-anchor=\"middle\" x=\"8646.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"8646.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 40</text>\n<text text-anchor=\"middle\" x=\"8646.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 40, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"8646.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 239&#45;&gt;241 -->\n<g id=\"edge241\" class=\"edge\">\n<title>239&#45;&gt;241</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8623.2774,-103.9815C8626.1138,-95.4342 8629.1088,-86.4086 8631.9708,-77.7839\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8635.3023,-78.8571 8635.13,-68.2637 8628.6585,-76.6524 8635.3023,-78.8571\"/>\n</g>\n<!-- 243 -->\n<g id=\"node244\" class=\"node\">\n<title>243</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M8853,-68C8853,-68 8746,-68 8746,-68 8740,-68 8734,-62 8734,-56 8734,-56 8734,-12 8734,-12 8734,-6 8740,0 8746,0 8746,0 8853,0 8853,0 8859,0 8865,-6 8865,-12 8865,-12 8865,-56 8865,-56 8865,-62 8859,-68 8853,-68\"/>\n<text text-anchor=\"middle\" x=\"8799.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"8799.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"8799.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"8799.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 242&#45;&gt;243 -->\n<g id=\"edge243\" class=\"edge\">\n<title>242&#45;&gt;243</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8818.3291,-103.9815C8816.0541,-95.5261 8813.6532,-86.6026 8811.3553,-78.0623\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8814.697,-77.0109 8808.7189,-68.2637 8807.9374,-78.8296 8814.697,-77.0109\"/>\n</g>\n<!-- 244 -->\n<g id=\"node245\" class=\"node\">\n<title>244</title>\n<path fill=\"#8aee81\" stroke=\"#000000\" d=\"M9018,-68C9018,-68 8895,-68 8895,-68 8889,-68 8883,-62 8883,-56 8883,-56 8883,-12 8883,-12 8883,-6 8889,0 8895,0 8895,0 9018,0 9018,0 9024,0 9030,-6 9030,-12 9030,-12 9030,-56 9030,-56 9030,-62 9024,-68 9018,-68\"/>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.837</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 45</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 33, 0, 12]</text>\n<text text-anchor=\"middle\" x=\"8956.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 242&#45;&gt;244 -->\n<g id=\"edge244\" class=\"edge\">\n<title>242&#45;&gt;244</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M8876.7901,-103.9815C8887.5725,-94.5151 8899.023,-84.462 8909.7813,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"8912.2676,-77.4915 8917.4732,-68.2637 8907.6493,-72.2311 8912.2676,-77.4915\"/>\n</g>\n<!-- 246 -->\n<g id=\"node247\" class=\"node\">\n<title>246</title>\n<path fill=\"#a3f29c\" stroke=\"#000000\" d=\"M9183,-187C9183,-187 8984,-187 8984,-187 8978,-187 8972,-181 8972,-175 8972,-175 8972,-116 8972,-116 8972,-110 8978,-104 8984,-104 8984,-104 9183,-104 9183,-104 9189,-104 9195,-110 9195,-116 9195,-116 9195,-175 9195,-175 9195,-181 9189,-187 9183,-187\"/>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(26...50] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 15</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"9083.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 245&#45;&gt;246 -->\n<g id=\"edge246\" class=\"edge\">\n<title>245&#45;&gt;246</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9083.5,-222.8796C9083.5,-214.6838 9083.5,-205.9891 9083.5,-197.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9087.0001,-197.298 9083.5,-187.2981 9080.0001,-197.2981 9087.0001,-197.298\"/>\n</g>\n<!-- 249 -->\n<g id=\"node250\" class=\"node\">\n<title>249</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M9332,-179.5C9332,-179.5 9225,-179.5 9225,-179.5 9219,-179.5 9213,-173.5 9213,-167.5 9213,-167.5 9213,-123.5 9213,-123.5 9213,-117.5 9219,-111.5 9225,-111.5 9225,-111.5 9332,-111.5 9332,-111.5 9338,-111.5 9344,-117.5 9344,-123.5 9344,-123.5 9344,-167.5 9344,-167.5 9344,-173.5 9338,-179.5 9332,-179.5\"/>\n<text text-anchor=\"middle\" x=\"9278.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"9278.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"9278.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"9278.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 245&#45;&gt;249 -->\n<g id=\"edge249\" class=\"edge\">\n<title>245&#45;&gt;249</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9151.7015,-222.8796C9171.8882,-210.5606 9193.922,-197.1143 9213.8753,-184.9376\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9215.8713,-187.8199 9222.5841,-179.623 9212.2248,-181.8446 9215.8713,-187.8199\"/>\n</g>\n<!-- 247 -->\n<g id=\"node248\" class=\"node\">\n<title>247</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M9167,-68C9167,-68 9060,-68 9060,-68 9054,-68 9048,-62 9048,-56 9048,-56 9048,-12 9048,-12 9048,-6 9054,0 9060,0 9060,0 9167,0 9167,0 9173,0 9179,-6 9179,-12 9179,-12 9179,-56 9179,-56 9179,-62 9173,-68 9167,-68\"/>\n<text text-anchor=\"middle\" x=\"9113.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"9113.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"9113.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"9113.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 246&#45;&gt;247 -->\n<g id=\"edge247\" class=\"edge\">\n<title>246&#45;&gt;247</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9094.6709,-103.9815C9096.9459,-95.5261 9099.3468,-86.6026 9101.6447,-78.0623\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9105.0626,-78.8296 9104.2811,-68.2637 9098.303,-77.0109 9105.0626,-78.8296\"/>\n</g>\n<!-- 248 -->\n<g id=\"node249\" class=\"node\">\n<title>248</title>\n<path fill=\"#5ee852\" stroke=\"#000000\" d=\"M9316,-68C9316,-68 9209,-68 9209,-68 9203,-68 9197,-62 9197,-56 9197,-56 9197,-12 9197,-12 9197,-6 9203,0 9209,0 9209,0 9316,0 9316,0 9322,0 9328,-6 9328,-12 9328,-12 9328,-56 9328,-56 9328,-62 9322,-68 9316,-68\"/>\n<text text-anchor=\"middle\" x=\"9262.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.503</text>\n<text text-anchor=\"middle\" x=\"9262.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"9262.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 8, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"9262.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 246&#45;&gt;248 -->\n<g id=\"edge248\" class=\"edge\">\n<title>246&#45;&gt;248</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9150.153,-103.9815C9166.1717,-94.0034 9183.237,-83.3733 9199.1028,-73.4904\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9201.1421,-76.3437 9207.7796,-68.0856 9197.4411,-70.4021 9201.1421,-76.3437\"/>\n</g>\n<!-- 251 -->\n<g id=\"node252\" class=\"node\">\n<title>251</title>\n<path fill=\"#e88ef0\" stroke=\"#000000\" d=\"M9695,-425C9695,-425 9588,-425 9588,-425 9582,-425 9576,-419 9576,-413 9576,-413 9576,-354 9576,-354 9576,-348 9582,-342 9588,-342 9588,-342 9695,-342 9695,-342 9701,-342 9707,-348 9707,-354 9707,-354 9707,-413 9707,-413 9707,-419 9701,-425 9695,-425\"/>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">sex_Male &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.881</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 7]</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 250&#45;&gt;251 -->\n<g id=\"edge251\" class=\"edge\">\n<title>250&#45;&gt;251</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9729.2836,-460.8796C9718.7598,-451.6031 9707.5109,-441.6874 9696.6979,-432.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9698.734,-429.2851 9688.918,-425.2981 9694.1052,-434.5362 9698.734,-429.2851\"/>\n</g>\n<!-- 258 -->\n<g id=\"node259\" class=\"node\">\n<title>258</title>\n<path fill=\"#d941e6\" stroke=\"#000000\" d=\"M9999,-425C9999,-425 9824,-425 9824,-425 9818,-425 9812,-419 9812,-413 9812,-413 9812,-354 9812,-354 9812,-348 9818,-342 9824,-342 9824,-342 9999,-342 9999,-342 10005,-342 10011,-348 10011,-354 10011,-354 10011,-413 10011,-413 10011,-419 10005,-425 9999,-425\"/>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">native&#45;country_China &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.246</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 49</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 47]</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 250&#45;&gt;258 -->\n<g id=\"edge258\" class=\"edge\">\n<title>250&#45;&gt;258</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9823.7164,-460.8796C9834.2402,-451.6031 9845.4891,-441.6874 9856.3021,-432.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9858.8948,-434.5362 9864.082,-425.2981 9854.266,-429.2851 9858.8948,-434.5362\"/>\n</g>\n<!-- 252 -->\n<g id=\"node253\" class=\"node\">\n<title>252</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M9484,-298.5C9484,-298.5 9377,-298.5 9377,-298.5 9371,-298.5 9365,-292.5 9365,-286.5 9365,-286.5 9365,-242.5 9365,-242.5 9365,-236.5 9371,-230.5 9377,-230.5 9377,-230.5 9484,-230.5 9484,-230.5 9490,-230.5 9496,-236.5 9496,-242.5 9496,-242.5 9496,-286.5 9496,-286.5 9496,-292.5 9490,-298.5 9484,-298.5\"/>\n<text text-anchor=\"middle\" x=\"9430.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"9430.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"9430.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"9430.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 251&#45;&gt;252 -->\n<g id=\"edge252\" class=\"edge\">\n<title>251&#45;&gt;252</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9575.8949,-346.5C9551.7603,-332.8885 9524.359,-317.4347 9499.901,-303.6408\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9501.4644,-300.5043 9491.0348,-298.6405 9498.0257,-306.6015 9501.4644,-300.5043\"/>\n</g>\n<!-- 253 -->\n<g id=\"node254\" class=\"node\">\n<title>253</title>\n<path fill=\"#e272ec\" stroke=\"#000000\" d=\"M9756.5,-306C9756.5,-306 9526.5,-306 9526.5,-306 9520.5,-306 9514.5,-300 9514.5,-294 9514.5,-294 9514.5,-235 9514.5,-235 9514.5,-229 9520.5,-223 9526.5,-223 9526.5,-223 9756.5,-223 9756.5,-223 9762.5,-223 9768.5,-229 9768.5,-235 9768.5,-235 9768.5,-294 9768.5,-294 9768.5,-300 9762.5,-306 9756.5,-306\"/>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Transport&#45;moving &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.764</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 7]</text>\n<text text-anchor=\"middle\" x=\"9641.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 251&#45;&gt;253 -->\n<g id=\"edge253\" class=\"edge\">\n<title>251&#45;&gt;253</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9641.5,-341.8796C9641.5,-333.6838 9641.5,-324.9891 9641.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9645.0001,-316.298 9641.5,-306.2981 9638.0001,-316.2981 9645.0001,-316.298\"/>\n</g>\n<!-- 254 -->\n<g id=\"node255\" class=\"node\">\n<title>254</title>\n<path fill=\"#dd55e9\" stroke=\"#000000\" d=\"M9610.5,-187C9610.5,-187 9374.5,-187 9374.5,-187 9368.5,-187 9362.5,-181 9362.5,-175 9362.5,-175 9362.5,-116 9362.5,-116 9362.5,-110 9368.5,-104 9374.5,-104 9374.5,-104 9610.5,-104 9610.5,-104 9616.5,-104 9622.5,-110 9622.5,-116 9622.5,-116 9622.5,-175 9622.5,-175 9622.5,-181 9616.5,-187 9610.5,-187\"/>\n<text text-anchor=\"middle\" x=\"9492.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Machine&#45;op&#45;inspct &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9492.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.544</text>\n<text text-anchor=\"middle\" x=\"9492.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"9492.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 7]</text>\n<text text-anchor=\"middle\" x=\"9492.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 253&#45;&gt;254 -->\n<g id=\"edge254\" class=\"edge\">\n<title>253&#45;&gt;254</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9589.387,-222.8796C9577.4775,-213.368 9564.7266,-203.1843 9552.5156,-193.432\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9554.5816,-190.6027 9544.5835,-187.0969 9550.2132,-196.0724 9554.5816,-190.6027\"/>\n</g>\n<!-- 257 -->\n<g id=\"node258\" class=\"node\">\n<title>257</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M9760,-179.5C9760,-179.5 9653,-179.5 9653,-179.5 9647,-179.5 9641,-173.5 9641,-167.5 9641,-167.5 9641,-123.5 9641,-123.5 9641,-117.5 9647,-111.5 9653,-111.5 9653,-111.5 9760,-111.5 9760,-111.5 9766,-111.5 9772,-117.5 9772,-123.5 9772,-123.5 9772,-167.5 9772,-167.5 9772,-173.5 9766,-179.5 9760,-179.5\"/>\n<text text-anchor=\"middle\" x=\"9706.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"9706.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"9706.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"9706.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 253&#45;&gt;257 -->\n<g id=\"edge257\" class=\"edge\">\n<title>253&#45;&gt;257</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9664.2338,-222.8796C9670.2401,-211.8835 9676.737,-199.9893 9682.7933,-188.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9686.0345,-190.2689 9687.7565,-179.8149 9679.8912,-186.9133 9686.0345,-190.2689\"/>\n</g>\n<!-- 255 -->\n<g id=\"node256\" class=\"node\">\n<title>255</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M9490,-68C9490,-68 9383,-68 9383,-68 9377,-68 9371,-62 9371,-56 9371,-56 9371,-12 9371,-12 9371,-6 9377,0 9383,0 9383,0 9490,0 9490,0 9496,0 9502,-6 9502,-12 9502,-12 9502,-56 9502,-56 9502,-62 9496,-68 9490,-68\"/>\n<text text-anchor=\"middle\" x=\"9436.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"9436.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"9436.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 7]</text>\n<text text-anchor=\"middle\" x=\"9436.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 254&#45;&gt;255 -->\n<g id=\"edge255\" class=\"edge\">\n<title>254&#45;&gt;255</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9471.6477,-103.9815C9467.2625,-95.2504 9462.6267,-86.0202 9458.211,-77.2281\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9461.3246,-75.6291 9453.7087,-68.2637 9455.0692,-78.7708 9461.3246,-75.6291\"/>\n</g>\n<!-- 256 -->\n<g id=\"node257\" class=\"node\">\n<title>256</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M9639,-68C9639,-68 9532,-68 9532,-68 9526,-68 9520,-62 9520,-56 9520,-56 9520,-12 9520,-12 9520,-6 9526,0 9532,0 9532,0 9639,0 9639,0 9645,0 9651,-6 9651,-12 9651,-12 9651,-56 9651,-56 9651,-62 9645,-68 9639,-68\"/>\n<text text-anchor=\"middle\" x=\"9585.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"9585.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"9585.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"9585.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 254&#45;&gt;256 -->\n<g id=\"edge256\" class=\"edge\">\n<title>254&#45;&gt;256</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9527.1298,-103.9815C9534.7189,-94.8828 9542.76,-85.242 9550.3686,-76.1199\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9553.2039,-78.1849 9556.9213,-68.2637 9547.8283,-73.7012 9553.2039,-78.1849\"/>\n</g>\n<!-- 259 -->\n<g id=\"node260\" class=\"node\">\n<title>259</title>\n<path fill=\"#d83de6\" stroke=\"#000000\" d=\"M10024.5,-306C10024.5,-306 9798.5,-306 9798.5,-306 9792.5,-306 9786.5,-300 9786.5,-294 9786.5,-294 9786.5,-235 9786.5,-235 9786.5,-229 9792.5,-223 9798.5,-223 9798.5,-223 10024.5,-223 10024.5,-223 10030.5,-223 10036.5,-229 10036.5,-235 10036.5,-235 10036.5,-294 10036.5,-294 10036.5,-300 10030.5,-306 10024.5,-306\"/>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.146</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 48</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 47]</text>\n<text text-anchor=\"middle\" x=\"9911.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 258&#45;&gt;259 -->\n<g id=\"edge259\" class=\"edge\">\n<title>258&#45;&gt;259</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9911.5,-341.8796C9911.5,-333.6838 9911.5,-324.9891 9911.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9915.0001,-316.298 9911.5,-306.2981 9908.0001,-316.2981 9915.0001,-316.298\"/>\n</g>\n<!-- 264 -->\n<g id=\"node265\" class=\"node\">\n<title>264</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10174,-298.5C10174,-298.5 10067,-298.5 10067,-298.5 10061,-298.5 10055,-292.5 10055,-286.5 10055,-286.5 10055,-242.5 10055,-242.5 10055,-236.5 10061,-230.5 10067,-230.5 10067,-230.5 10174,-230.5 10174,-230.5 10180,-230.5 10186,-236.5 10186,-242.5 10186,-242.5 10186,-286.5 10186,-286.5 10186,-292.5 10180,-298.5 10174,-298.5\"/>\n<text text-anchor=\"middle\" x=\"10120.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10120.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"10120.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10120.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 258&#45;&gt;264 -->\n<g id=\"edge264\" class=\"edge\">\n<title>258&#45;&gt;264</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9984.5981,-341.8796C10006.428,-329.4501 10030.2735,-315.873 10051.8105,-303.6103\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10053.6113,-306.6126 10060.5696,-298.623 10050.1477,-300.5295 10053.6113,-306.6126\"/>\n</g>\n<!-- 260 -->\n<g id=\"node261\" class=\"node\">\n<title>260</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M9917,-179.5C9917,-179.5 9802,-179.5 9802,-179.5 9796,-179.5 9790,-173.5 9790,-167.5 9790,-167.5 9790,-123.5 9790,-123.5 9790,-117.5 9796,-111.5 9802,-111.5 9802,-111.5 9917,-111.5 9917,-111.5 9923,-111.5 9929,-117.5 9929,-123.5 9929,-123.5 9929,-167.5 9929,-167.5 9929,-173.5 9923,-179.5 9917,-179.5\"/>\n<text text-anchor=\"middle\" x=\"9859.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"9859.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 42</text>\n<text text-anchor=\"middle\" x=\"9859.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 42]</text>\n<text text-anchor=\"middle\" x=\"9859.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 259&#45;&gt;260 -->\n<g id=\"edge260\" class=\"edge\">\n<title>259&#45;&gt;260</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9893.3129,-222.8796C9888.556,-211.9935 9883.4143,-200.227 9878.6108,-189.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9881.7061,-187.5768 9874.4948,-179.8149 9875.2918,-190.3798 9881.7061,-187.5768\"/>\n</g>\n<!-- 261 -->\n<g id=\"node262\" class=\"node\">\n<title>261</title>\n<path fill=\"#df61ea\" stroke=\"#000000\" d=\"M10081.5,-187C10081.5,-187 9959.5,-187 9959.5,-187 9953.5,-187 9947.5,-181 9947.5,-175 9947.5,-175 9947.5,-116 9947.5,-116 9947.5,-110 9953.5,-104 9959.5,-104 9959.5,-104 10081.5,-104 10081.5,-104 10087.5,-104 10093.5,-110 10093.5,-116 10093.5,-116 10093.5,-175 10093.5,-175 10093.5,-181 10087.5,-187 10081.5,-187\"/>\n<text text-anchor=\"middle\" x=\"10020.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(46...51] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10020.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.65</text>\n<text text-anchor=\"middle\" x=\"10020.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"10020.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"10020.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 259&#45;&gt;261 -->\n<g id=\"edge261\" class=\"edge\">\n<title>259&#45;&gt;261</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9949.6229,-222.8796C9957.9549,-213.7832 9966.8498,-204.0722 9975.4239,-194.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9978.0408,-197.0363 9982.2144,-187.2981 9972.8789,-192.3081 9978.0408,-197.0363\"/>\n</g>\n<!-- 262 -->\n<g id=\"node263\" class=\"node\">\n<title>262</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M9939,-68C9939,-68 9832,-68 9832,-68 9826,-68 9820,-62 9820,-56 9820,-56 9820,-12 9820,-12 9820,-6 9826,0 9832,0 9832,0 9939,0 9939,0 9945,0 9951,-6 9951,-12 9951,-12 9951,-56 9951,-56 9951,-62 9945,-68 9939,-68\"/>\n<text text-anchor=\"middle\" x=\"9885.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"9885.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"9885.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"9885.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 261&#45;&gt;262 -->\n<g id=\"edge262\" class=\"edge\">\n<title>261&#45;&gt;262</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M9970.231,-103.9815C9958.6582,-94.4232 9946.3611,-84.2668 9934.8287,-74.7419\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"9936.9243,-71.9332 9926.9852,-68.2637 9932.4666,-77.3304 9936.9243,-71.9332\"/>\n</g>\n<!-- 263 -->\n<g id=\"node264\" class=\"node\">\n<title>263</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10088,-68C10088,-68 9981,-68 9981,-68 9975,-68 9969,-62 9969,-56 9969,-56 9969,-12 9969,-12 9969,-6 9975,0 9981,0 9981,0 10088,0 10088,0 10094,0 10100,-6 10100,-12 10100,-12 10100,-56 10100,-56 10100,-62 10094,-68 10088,-68\"/>\n<text text-anchor=\"middle\" x=\"10034.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10034.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"10034.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10034.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 261&#45;&gt;263 -->\n<g id=\"edge263\" class=\"edge\">\n<title>261&#45;&gt;263</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10025.7131,-103.9815C10026.7632,-95.618 10027.8708,-86.7965 10028.9325,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10032.4247,-78.6218 10030.1978,-68.2637 10025.4792,-77.7497 10032.4247,-78.6218\"/>\n</g>\n<!-- 266 -->\n<g id=\"node267\" class=\"node\">\n<title>266</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M10087,-536.5C10087,-536.5 9972,-536.5 9972,-536.5 9966,-536.5 9960,-530.5 9960,-524.5 9960,-524.5 9960,-480.5 9960,-480.5 9960,-474.5 9966,-468.5 9972,-468.5 9972,-468.5 10087,-468.5 10087,-468.5 10093,-468.5 10099,-474.5 10099,-480.5 10099,-480.5 10099,-524.5 10099,-524.5 10099,-530.5 10093,-536.5 10087,-536.5\"/>\n<text text-anchor=\"middle\" x=\"10029.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10029.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 47</text>\n<text text-anchor=\"middle\" x=\"10029.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 47]</text>\n<text text-anchor=\"middle\" x=\"10029.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 265&#45;&gt;266 -->\n<g id=\"edge266\" class=\"edge\">\n<title>265&#45;&gt;266</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10097.1258,-579.8796C10087.1314,-568.4436 10076.288,-556.0363 10066.2714,-544.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10068.7055,-542.0414 10059.4895,-536.8149 10063.4347,-546.6479 10068.7055,-542.0414\"/>\n</g>\n<!-- 267 -->\n<g id=\"node268\" class=\"node\">\n<title>267</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M10344,-544C10344,-544 10129,-544 10129,-544 10123,-544 10117,-538 10117,-532 10117,-532 10117,-473 10117,-473 10117,-467 10123,-461 10129,-461 10129,-461 10344,-461 10344,-461 10350,-461 10356,-467 10356,-473 10356,-473 10356,-532 10356,-532 10356,-538 10350,-544 10344,-544\"/>\n<text text-anchor=\"middle\" x=\"10236.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;not&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10236.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"10236.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"10236.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"10236.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 265&#45;&gt;267 -->\n<g id=\"edge267\" class=\"edge\">\n<title>265&#45;&gt;267</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10169.5244,-579.8796C10177.3198,-570.8733 10185.6367,-561.2644 10193.6644,-551.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10196.4237,-554.1498 10200.3218,-544.2981 10191.1309,-549.5686 10196.4237,-554.1498\"/>\n</g>\n<!-- 268 -->\n<g id=\"node269\" class=\"node\">\n<title>268</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10200,-417.5C10200,-417.5 10093,-417.5 10093,-417.5 10087,-417.5 10081,-411.5 10081,-405.5 10081,-405.5 10081,-361.5 10081,-361.5 10081,-355.5 10087,-349.5 10093,-349.5 10093,-349.5 10200,-349.5 10200,-349.5 10206,-349.5 10212,-355.5 10212,-361.5 10212,-361.5 10212,-405.5 10212,-405.5 10212,-411.5 10206,-417.5 10200,-417.5\"/>\n<text text-anchor=\"middle\" x=\"10146.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10146.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"10146.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10146.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 267&#45;&gt;268 -->\n<g id=\"edge268\" class=\"edge\">\n<title>267&#45;&gt;268</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10205.0224,-460.8796C10196.4565,-449.5536 10187.17,-437.2748 10178.5717,-425.9058\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10181.2762,-423.6795 10172.4525,-417.8149 10175.6931,-427.902 10181.2762,-423.6795\"/>\n</g>\n<!-- 269 -->\n<g id=\"node270\" class=\"node\">\n<title>269</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M10349,-417.5C10349,-417.5 10242,-417.5 10242,-417.5 10236,-417.5 10230,-411.5 10230,-405.5 10230,-405.5 10230,-361.5 10230,-361.5 10230,-355.5 10236,-349.5 10242,-349.5 10242,-349.5 10349,-349.5 10349,-349.5 10355,-349.5 10361,-355.5 10361,-361.5 10361,-361.5 10361,-405.5 10361,-405.5 10361,-411.5 10355,-417.5 10349,-417.5\"/>\n<text text-anchor=\"middle\" x=\"10295.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10295.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"10295.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"10295.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 267&#45;&gt;269 -->\n<g id=\"edge269\" class=\"edge\">\n<title>267&#45;&gt;269</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10257.1353,-460.8796C10262.5872,-449.8835 10268.4843,-437.9893 10273.9816,-426.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10277.1804,-428.3289 10278.4867,-417.8149 10270.9089,-425.2195 10277.1804,-428.3289\"/>\n</g>\n<!-- 271 -->\n<g id=\"node272\" class=\"node\">\n<title>271</title>\n<path fill=\"#e068eb\" stroke=\"#000000\" d=\"M10921,-663C10921,-663 10722,-663 10722,-663 10716,-663 10710,-657 10710,-651 10710,-651 10710,-592 10710,-592 10710,-586 10716,-580 10722,-580 10722,-580 10921,-580 10921,-580 10927,-580 10933,-586 10933,-592 10933,-592 10933,-651 10933,-651 10933,-657 10927,-663 10921,-663\"/>\n<text text-anchor=\"middle\" x=\"10821.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(26...50] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10821.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.702</text>\n<text text-anchor=\"middle\" x=\"10821.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 210</text>\n<text text-anchor=\"middle\" x=\"10821.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 40, 0, 170]</text>\n<text text-anchor=\"middle\" x=\"10821.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 270&#45;&gt;271 -->\n<g id=\"edge271\" class=\"edge\">\n<title>270&#45;&gt;271</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10884.5741,-698.8796C10877.3062,-689.9633 10869.557,-680.4565 10862.0672,-671.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10864.6018,-668.8379 10855.5707,-663.2981 10859.176,-673.2606 10864.6018,-668.8379\"/>\n</g>\n<!-- 300 -->\n<g id=\"node301\" class=\"node\">\n<title>300</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M11070,-655.5C11070,-655.5 10963,-655.5 10963,-655.5 10957,-655.5 10951,-649.5 10951,-643.5 10951,-643.5 10951,-599.5 10951,-599.5 10951,-593.5 10957,-587.5 10963,-587.5 10963,-587.5 11070,-587.5 11070,-587.5 11076,-587.5 11082,-593.5 11082,-599.5 11082,-599.5 11082,-643.5 11082,-643.5 11082,-649.5 11076,-655.5 11070,-655.5\"/>\n<text text-anchor=\"middle\" x=\"11016.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"11016.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"11016.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"11016.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 270&#45;&gt;300 -->\n<g id=\"edge300\" class=\"edge\">\n<title>270&#45;&gt;300</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10952.7756,-698.8796C10962.1935,-687.4436 10972.4113,-675.0363 10981.85,-663.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10984.5853,-665.7592 10988.2406,-655.8149 10979.1818,-661.3093 10984.5853,-665.7592\"/>\n</g>\n<!-- 272 -->\n<g id=\"node273\" class=\"node\">\n<title>272</title>\n<path fill=\"#e88df0\" stroke=\"#000000\" d=\"M10810.5,-544C10810.5,-544 10638.5,-544 10638.5,-544 10632.5,-544 10626.5,-538 10626.5,-532 10626.5,-532 10626.5,-473 10626.5,-473 10626.5,-467 10632.5,-461 10638.5,-461 10638.5,-461 10810.5,-461 10810.5,-461 10816.5,-461 10822.5,-467 10822.5,-473 10822.5,-473 10822.5,-532 10822.5,-532 10822.5,-538 10816.5,-544 10810.5,-544\"/>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_State&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.878</text>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 74</text>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 22, 0, 52]</text>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 271&#45;&gt;272 -->\n<g id=\"edge272\" class=\"edge\">\n<title>271&#45;&gt;272</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10787.5741,-579.8796C10780.3062,-570.9633 10772.557,-561.4565 10765.0672,-552.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10767.6018,-549.8379 10758.5707,-544.2981 10762.176,-554.2606 10767.6018,-549.8379\"/>\n</g>\n<!-- 281 -->\n<g id=\"node282\" class=\"node\">\n<title>281</title>\n<path fill=\"#dd57e9\" stroke=\"#000000\" d=\"M10996,-544C10996,-544 10865,-544 10865,-544 10859,-544 10853,-538 10853,-532 10853,-532 10853,-473 10853,-473 10853,-467 10859,-461 10865,-461 10865,-461 10996,-461 10996,-461 11002,-461 11008,-467 11008,-473 11008,-473 11008,-532 11008,-532 11008,-538 11002,-544 10996,-544\"/>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">race_White &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.564</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 136</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 18, 0, 118]</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 271&#45;&gt;281 -->\n<g id=\"edge281\" class=\"edge\">\n<title>271&#45;&gt;281</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10859.6229,-579.8796C10867.9549,-570.7832 10876.8498,-561.0722 10885.4239,-551.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10888.0408,-554.0363 10892.2144,-544.2981 10882.8789,-549.3081 10888.0408,-554.0363\"/>\n</g>\n<!-- 273 -->\n<g id=\"node274\" class=\"node\">\n<title>273</title>\n<path fill=\"#e47aee\" stroke=\"#000000\" d=\"M10617,-425C10617,-425 10494,-425 10494,-425 10488,-425 10482,-419 10482,-413 10482,-413 10482,-354 10482,-354 10482,-348 10488,-342 10494,-342 10494,-342 10617,-342 10617,-342 10623,-342 10629,-348 10629,-354 10629,-354 10629,-413 10629,-413 10629,-419 10623,-425 10617,-425\"/>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(71...75] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.805</text>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 69</text>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 17, 0, 52]</text>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 272&#45;&gt;273 -->\n<g id=\"edge273\" class=\"edge\">\n<title>272&#45;&gt;273</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10665.392,-460.8796C10651.6266,-451.1868 10636.8701,-440.7961 10622.7807,-430.8752\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10624.7661,-427.9926 10614.5746,-425.0969 10620.7359,-433.716 10624.7661,-427.9926\"/>\n</g>\n<!-- 280 -->\n<g id=\"node281\" class=\"node\">\n<title>280</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10778,-417.5C10778,-417.5 10671,-417.5 10671,-417.5 10665,-417.5 10659,-411.5 10659,-405.5 10659,-405.5 10659,-361.5 10659,-361.5 10659,-355.5 10665,-349.5 10671,-349.5 10671,-349.5 10778,-349.5 10778,-349.5 10784,-349.5 10790,-355.5 10790,-361.5 10790,-361.5 10790,-405.5 10790,-405.5 10790,-411.5 10784,-417.5 10778,-417.5\"/>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10724.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 272&#45;&gt;280 -->\n<g id=\"edge280\" class=\"edge\">\n<title>272&#45;&gt;280</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10724.5,-460.8796C10724.5,-450.2134 10724.5,-438.7021 10724.5,-427.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10728.0001,-427.8149 10724.5,-417.8149 10721.0001,-427.815 10728.0001,-427.8149\"/>\n</g>\n<!-- 274 -->\n<g id=\"node275\" class=\"node\">\n<title>274</title>\n<path fill=\"#e372ec\" stroke=\"#000000\" d=\"M10460,-306C10460,-306 10307,-306 10307,-306 10301,-306 10295,-300 10295,-294 10295,-294 10295,-235 10295,-235 10295,-229 10301,-223 10307,-223 10307,-223 10460,-223 10460,-223 10466,-223 10472,-229 10472,-235 10472,-235 10472,-294 10472,-294 10472,-300 10466,-306 10460,-306\"/>\n<text text-anchor=\"middle\" x=\"10383.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Sales &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10383.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.767</text>\n<text text-anchor=\"middle\" x=\"10383.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 67</text>\n<text text-anchor=\"middle\" x=\"10383.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 15, 0, 52]</text>\n<text text-anchor=\"middle\" x=\"10383.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 273&#45;&gt;274 -->\n<g id=\"edge274\" class=\"edge\">\n<title>273&#45;&gt;274</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10495.3427,-341.8796C10481.333,-332.1868 10466.3146,-321.7961 10451.975,-311.8752\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10453.8383,-308.9083 10443.6233,-306.0969 10449.8556,-314.6649 10453.8383,-308.9083\"/>\n</g>\n<!-- 279 -->\n<g id=\"node280\" class=\"node\">\n<title>279</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10609,-298.5C10609,-298.5 10502,-298.5 10502,-298.5 10496,-298.5 10490,-292.5 10490,-286.5 10490,-286.5 10490,-242.5 10490,-242.5 10490,-236.5 10496,-230.5 10502,-230.5 10502,-230.5 10609,-230.5 10609,-230.5 10615,-230.5 10621,-236.5 10621,-242.5 10621,-242.5 10621,-286.5 10621,-286.5 10621,-292.5 10615,-298.5 10609,-298.5\"/>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10555.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 273&#45;&gt;279 -->\n<g id=\"edge279\" class=\"edge\">\n<title>273&#45;&gt;279</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10555.5,-341.8796C10555.5,-331.2134 10555.5,-319.7021 10555.5,-308.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10559.0001,-308.8149 10555.5,-298.8149 10552.0001,-308.815 10559.0001,-308.8149\"/>\n</g>\n<!-- 275 -->\n<g id=\"node276\" class=\"node\">\n<title>275</title>\n<path fill=\"#e16aec\" stroke=\"#000000\" d=\"M10345,-187C10345,-187 10124,-187 10124,-187 10118,-187 10112,-181 10112,-175 10112,-175 10112,-116 10112,-116 10112,-110 10118,-104 10124,-104 10124,-104 10345,-104 10345,-104 10351,-104 10357,-110 10357,-116 10357,-116 10357,-175 10357,-175 10357,-181 10351,-187 10345,-187\"/>\n<text text-anchor=\"middle\" x=\"10234.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(98749...99999] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10234.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"10234.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 65</text>\n<text text-anchor=\"middle\" x=\"10234.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 13, 0, 52]</text>\n<text text-anchor=\"middle\" x=\"10234.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 274&#45;&gt;275 -->\n<g id=\"edge275\" class=\"edge\">\n<title>274&#45;&gt;275</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10331.387,-222.8796C10319.4775,-213.368 10306.7266,-203.1843 10294.5156,-193.432\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10296.5816,-190.6027 10286.5835,-187.0969 10292.2132,-196.0724 10296.5816,-190.6027\"/>\n</g>\n<!-- 278 -->\n<g id=\"node279\" class=\"node\">\n<title>278</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10494,-179.5C10494,-179.5 10387,-179.5 10387,-179.5 10381,-179.5 10375,-173.5 10375,-167.5 10375,-167.5 10375,-123.5 10375,-123.5 10375,-117.5 10381,-111.5 10387,-111.5 10387,-111.5 10494,-111.5 10494,-111.5 10500,-111.5 10506,-117.5 10506,-123.5 10506,-123.5 10506,-167.5 10506,-167.5 10506,-173.5 10500,-179.5 10494,-179.5\"/>\n<text text-anchor=\"middle\" x=\"10440.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10440.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"10440.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10440.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 274&#45;&gt;278 -->\n<g id=\"edge278\" class=\"edge\">\n<title>274&#45;&gt;278</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10403.4358,-222.8796C10408.7029,-211.8835 10414.4001,-199.9893 10419.711,-188.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10422.9,-190.3457 10424.0634,-179.8149 10416.5869,-187.3217 10422.9,-190.3457\"/>\n</g>\n<!-- 276 -->\n<g id=\"node277\" class=\"node\">\n<title>276</title>\n<path fill=\"#e375ed\" stroke=\"#000000\" d=\"M10281,-68C10281,-68 10158,-68 10158,-68 10152,-68 10146,-62 10146,-56 10146,-56 10146,-12 10146,-12 10146,-6 10152,0 10158,0 10158,0 10281,0 10281,0 10287,0 10293,-6 10293,-12 10293,-12 10293,-56 10293,-56 10293,-62 10287,-68 10281,-68\"/>\n<text text-anchor=\"middle\" x=\"10219.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.782</text>\n<text text-anchor=\"middle\" x=\"10219.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 56</text>\n<text text-anchor=\"middle\" x=\"10219.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 13, 0, 43]</text>\n<text text-anchor=\"middle\" x=\"10219.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 275&#45;&gt;276 -->\n<g id=\"edge276\" class=\"edge\">\n<title>275&#45;&gt;276</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10228.9146,-103.9815C10227.7894,-95.618 10226.6027,-86.7965 10225.4651,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10228.9116,-77.7077 10224.1095,-68.2637 10221.9741,-78.6411 10228.9116,-77.7077\"/>\n</g>\n<!-- 277 -->\n<g id=\"node278\" class=\"node\">\n<title>277</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M10430,-68C10430,-68 10323,-68 10323,-68 10317,-68 10311,-62 10311,-56 10311,-56 10311,-12 10311,-12 10311,-6 10317,0 10323,0 10323,0 10430,0 10430,0 10436,0 10442,-6 10442,-12 10442,-12 10442,-56 10442,-56 10442,-62 10436,-68 10430,-68\"/>\n<text text-anchor=\"middle\" x=\"10376.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10376.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"10376.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"10376.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 275&#45;&gt;277 -->\n<g id=\"edge277\" class=\"edge\">\n<title>275&#45;&gt;277</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10287.3756,-103.9815C10299.6655,-94.3313 10312.7319,-84.0714 10324.9632,-74.4673\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10327.1602,-77.1923 10332.8638,-68.2637 10322.8371,-71.6867 10327.1602,-77.1923\"/>\n</g>\n<!-- 282 -->\n<g id=\"node283\" class=\"node\">\n<title>282</title>\n<path fill=\"#eeacf4\" stroke=\"#000000\" d=\"M11008,-425C11008,-425 10853,-425 10853,-425 10847,-425 10841,-419 10841,-413 10841,-413 10841,-354 10841,-354 10841,-348 10847,-342 10853,-342 10853,-342 11008,-342 11008,-342 11014,-342 11020,-348 11020,-354 11020,-354 11020,-413 11020,-413 11020,-419 11014,-425 11008,-425\"/>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Private &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.949</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 19</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 7, 0, 12]</text>\n<text text-anchor=\"middle\" x=\"10930.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 281&#45;&gt;282 -->\n<g id=\"edge282\" class=\"edge\">\n<title>281&#45;&gt;282</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10930.5,-460.8796C10930.5,-452.6838 10930.5,-443.9891 10930.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10934.0001,-435.298 10930.5,-425.2981 10927.0001,-435.2981 10934.0001,-435.298\"/>\n</g>\n<!-- 291 -->\n<g id=\"node292\" class=\"node\">\n<title>291</title>\n<path fill=\"#db4ee8\" stroke=\"#000000\" d=\"M11381.5,-425C11381.5,-425 11193.5,-425 11193.5,-425 11187.5,-425 11181.5,-419 11181.5,-413 11181.5,-413 11181.5,-354 11181.5,-354 11181.5,-348 11187.5,-342 11193.5,-342 11193.5,-342 11381.5,-342 11381.5,-342 11387.5,-342 11393.5,-348 11393.5,-354 11393.5,-354 11393.5,-413 11393.5,-413 11393.5,-419 11387.5,-425 11381.5,-425\"/>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Craft&#45;repair &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.45</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 117</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 11, 0, 106]</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 281&#45;&gt;291 -->\n<g id=\"edge291\" class=\"edge\">\n<title>281&#45;&gt;291</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11008.404,-476.532C11056.209,-460.597 11118.3067,-439.8978 11171.7869,-422.071\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11172.9418,-425.3755 11181.3218,-418.8927 11170.7281,-418.7347 11172.9418,-425.3755\"/>\n</g>\n<!-- 283 -->\n<g id=\"node284\" class=\"node\">\n<title>283</title>\n<path fill=\"#db4fe8\" stroke=\"#000000\" d=\"M10826,-306C10826,-306 10651,-306 10651,-306 10645,-306 10639,-300 10639,-294 10639,-294 10639,-235 10639,-235 10639,-229 10645,-223 10651,-223 10651,-223 10826,-223 10826,-223 10832,-223 10838,-229 10838,-235 10838,-235 10838,-294 10838,-294 10838,-300 10832,-306 10826,-306\"/>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">native&#45;country_China &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.469</text>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 282&#45;&gt;283 -->\n<g id=\"edge283\" class=\"edge\">\n<title>282&#45;&gt;283</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10863.3477,-341.8796C10847.5628,-332.0962 10830.6307,-321.6019 10814.4886,-311.5971\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10815.9581,-308.3901 10805.6144,-306.0969 10812.2703,-314.34 10815.9581,-308.3901\"/>\n</g>\n<!-- 286 -->\n<g id=\"node287\" class=\"node\">\n<title>286</title>\n<path fill=\"#a3f29c\" stroke=\"#000000\" d=\"M11040.5,-306C11040.5,-306 10868.5,-306 10868.5,-306 10862.5,-306 10856.5,-300 10856.5,-294 10856.5,-294 10856.5,-235 10856.5,-235 10856.5,-229 10862.5,-223 10868.5,-223 10868.5,-223 11040.5,-223 11040.5,-223 11046.5,-223 11052.5,-229 11052.5,-235 11052.5,-235 11052.5,-294 11052.5,-294 11052.5,-300 11046.5,-306 11040.5,-306\"/>\n<text text-anchor=\"middle\" x=\"10954.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Doctorate &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"10954.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"10954.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"10954.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"10954.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 282&#45;&gt;286 -->\n<g id=\"edge286\" class=\"edge\">\n<title>282&#45;&gt;286</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10938.894,-341.8796C10940.5651,-333.5938 10942.3391,-324.798 10944.0688,-316.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10947.524,-316.7927 10946.0701,-306.2981 10940.6621,-315.4087 10947.524,-316.7927\"/>\n</g>\n<!-- 284 -->\n<g id=\"node285\" class=\"node\">\n<title>284</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M10643,-179.5C10643,-179.5 10536,-179.5 10536,-179.5 10530,-179.5 10524,-173.5 10524,-167.5 10524,-167.5 10524,-123.5 10524,-123.5 10524,-117.5 10530,-111.5 10536,-111.5 10536,-111.5 10643,-111.5 10643,-111.5 10649,-111.5 10655,-117.5 10655,-123.5 10655,-123.5 10655,-167.5 10655,-167.5 10655,-173.5 10649,-179.5 10643,-179.5\"/>\n<text text-anchor=\"middle\" x=\"10589.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10589.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"10589.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"10589.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 283&#45;&gt;284 -->\n<g id=\"edge284\" class=\"edge\">\n<title>283&#45;&gt;284</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10686.387,-222.8796C10671.5174,-211.0038 10655.336,-198.0804 10640.5317,-186.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10642.4638,-183.3207 10632.4658,-179.8149 10638.0954,-188.7904 10642.4638,-183.3207\"/>\n</g>\n<!-- 285 -->\n<g id=\"node286\" class=\"node\">\n<title>285</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10792,-179.5C10792,-179.5 10685,-179.5 10685,-179.5 10679,-179.5 10673,-173.5 10673,-167.5 10673,-167.5 10673,-123.5 10673,-123.5 10673,-117.5 10679,-111.5 10685,-111.5 10685,-111.5 10792,-111.5 10792,-111.5 10798,-111.5 10804,-117.5 10804,-123.5 10804,-123.5 10804,-167.5 10804,-167.5 10804,-173.5 10798,-179.5 10792,-179.5\"/>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10738.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 283&#45;&gt;285 -->\n<g id=\"edge285\" class=\"edge\">\n<title>283&#45;&gt;285</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10738.5,-222.8796C10738.5,-212.2134 10738.5,-200.7021 10738.5,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10742.0001,-189.8149 10738.5,-179.8149 10735.0001,-189.815 10742.0001,-189.8149\"/>\n</g>\n<!-- 287 -->\n<g id=\"node288\" class=\"node\">\n<title>287</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M10941,-179.5C10941,-179.5 10834,-179.5 10834,-179.5 10828,-179.5 10822,-173.5 10822,-167.5 10822,-167.5 10822,-123.5 10822,-123.5 10822,-117.5 10828,-111.5 10834,-111.5 10834,-111.5 10941,-111.5 10941,-111.5 10947,-111.5 10953,-117.5 10953,-123.5 10953,-123.5 10953,-167.5 10953,-167.5 10953,-173.5 10947,-179.5 10941,-179.5\"/>\n<text text-anchor=\"middle\" x=\"10887.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10887.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"10887.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"10887.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 286&#45;&gt;287 -->\n<g id=\"edge287\" class=\"edge\">\n<title>286&#45;&gt;287</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10931.0667,-222.8796C10924.8137,-211.7735 10918.0448,-199.7513 10911.749,-188.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10914.7761,-186.8116 10906.8202,-179.8149 10908.6765,-190.2459 10914.7761,-186.8116\"/>\n</g>\n<!-- 288 -->\n<g id=\"node289\" class=\"node\">\n<title>288</title>\n<path fill=\"#e47bee\" stroke=\"#000000\" d=\"M11184,-187C11184,-187 10983,-187 10983,-187 10977,-187 10971,-181 10971,-175 10971,-175 10971,-116 10971,-116 10971,-110 10977,-104 10983,-104 10983,-104 11184,-104 11184,-104 11190,-104 11196,-110 11196,-116 11196,-116 11196,-175 11196,-175 11196,-181 11190,-187 11184,-187\"/>\n<text text-anchor=\"middle\" x=\"11083.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Tech&#45;support &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"11083.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"11083.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"11083.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"11083.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 286&#45;&gt;288 -->\n<g id=\"edge288\" class=\"edge\">\n<title>286&#45;&gt;288</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10999.6179,-222.8796C11009.674,-213.6031 11020.423,-203.6874 11030.7554,-194.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11033.2124,-196.6511 11038.1895,-187.2981 11028.4661,-191.506 11033.2124,-196.6511\"/>\n</g>\n<!-- 289 -->\n<g id=\"node290\" class=\"node\">\n<title>289</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M10910,-68C10910,-68 10803,-68 10803,-68 10797,-68 10791,-62 10791,-56 10791,-56 10791,-12 10791,-12 10791,-6 10797,0 10803,0 10803,0 10910,0 10910,0 10916,0 10922,-6 10922,-12 10922,-12 10922,-56 10922,-56 10922,-62 10916,-68 10910,-68\"/>\n<text text-anchor=\"middle\" x=\"10856.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"10856.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"10856.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"10856.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 288&#45;&gt;289 -->\n<g id=\"edge289\" class=\"edge\">\n<title>288&#45;&gt;289</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M10998.9736,-103.9815C10976.8039,-93.092 10953.0538,-81.4262 10931.4248,-70.8023\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"10932.8147,-67.5856 10922.2959,-66.3183 10929.7285,-73.8686 10932.8147,-67.5856\"/>\n</g>\n<!-- 290 -->\n<g id=\"node291\" class=\"node\">\n<title>290</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M11059,-68C11059,-68 10952,-68 10952,-68 10946,-68 10940,-62 10940,-56 10940,-56 10940,-12 10940,-12 10940,-6 10946,0 10952,0 10952,0 11059,0 11059,0 11065,0 11071,-6 11071,-12 11071,-12 11071,-56 11071,-56 11071,-62 11065,-68 11059,-68\"/>\n<text text-anchor=\"middle\" x=\"11005.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"11005.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"11005.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"11005.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 288&#45;&gt;290 -->\n<g id=\"edge290\" class=\"edge\">\n<title>288&#45;&gt;290</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11054.4557,-103.9815C11048.2192,-95.0666 11041.6187,-85.6313 11035.3522,-76.6734\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11038.0693,-74.4515 11029.4692,-68.2637 11032.3335,-78.464 11038.0693,-74.4515\"/>\n</g>\n<!-- 292 -->\n<g id=\"node293\" class=\"node\">\n<title>292</title>\n<path fill=\"#db4ce7\" stroke=\"#000000\" d=\"M11373.5,-306C11373.5,-306 11201.5,-306 11201.5,-306 11195.5,-306 11189.5,-300 11189.5,-294 11189.5,-294 11189.5,-235 11189.5,-235 11189.5,-229 11195.5,-223 11201.5,-223 11201.5,-223 11373.5,-223 11373.5,-223 11379.5,-223 11385.5,-229 11385.5,-235 11385.5,-235 11385.5,-294 11385.5,-294 11385.5,-300 11379.5,-306 11373.5,-306\"/>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Doctorate &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.424</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 116</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 106]</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 291&#45;&gt;292 -->\n<g id=\"edge292\" class=\"edge\">\n<title>291&#45;&gt;292</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11287.5,-341.8796C11287.5,-333.6838 11287.5,-324.9891 11287.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11291.0001,-316.298 11287.5,-306.2981 11284.0001,-316.2981 11291.0001,-316.298\"/>\n</g>\n<!-- 299 -->\n<g id=\"node300\" class=\"node\">\n<title>299</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M11523,-298.5C11523,-298.5 11416,-298.5 11416,-298.5 11410,-298.5 11404,-292.5 11404,-286.5 11404,-286.5 11404,-242.5 11404,-242.5 11404,-236.5 11410,-230.5 11416,-230.5 11416,-230.5 11523,-230.5 11523,-230.5 11529,-230.5 11535,-236.5 11535,-242.5 11535,-242.5 11535,-286.5 11535,-286.5 11535,-292.5 11529,-298.5 11523,-298.5\"/>\n<text text-anchor=\"middle\" x=\"11469.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"11469.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"11469.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"11469.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 291&#45;&gt;299 -->\n<g id=\"edge299\" class=\"edge\">\n<title>291&#45;&gt;299</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11351.1548,-341.8796C11369.9111,-329.6158 11390.3761,-316.2348 11408.933,-304.1015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11410.8575,-307.025 11417.3118,-298.623 11407.0267,-301.1662 11410.8575,-307.025\"/>\n</g>\n<!-- 293 -->\n<g id=\"node294\" class=\"node\">\n<title>293</title>\n<path fill=\"#d941e6\" stroke=\"#000000\" d=\"M11348.5,-187C11348.5,-187 11226.5,-187 11226.5,-187 11220.5,-187 11214.5,-181 11214.5,-175 11214.5,-175 11214.5,-116 11214.5,-116 11214.5,-110 11220.5,-104 11226.5,-104 11226.5,-104 11348.5,-104 11348.5,-104 11354.5,-104 11360.5,-110 11360.5,-116 11360.5,-116 11360.5,-175 11360.5,-175 11360.5,-181 11354.5,-187 11348.5,-187\"/>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(27...32] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.247</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 73</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 70]</text>\n<text text-anchor=\"middle\" x=\"11287.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 292&#45;&gt;293 -->\n<g id=\"edge293\" class=\"edge\">\n<title>292&#45;&gt;293</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11287.5,-222.8796C11287.5,-214.6838 11287.5,-205.9891 11287.5,-197.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11291.0001,-197.298 11287.5,-187.2981 11284.0001,-197.2981 11291.0001,-197.298\"/>\n</g>\n<!-- 296 -->\n<g id=\"node297\" class=\"node\">\n<title>296</title>\n<path fill=\"#df5fea\" stroke=\"#000000\" d=\"M11586.5,-187C11586.5,-187 11390.5,-187 11390.5,-187 11384.5,-187 11378.5,-181 11378.5,-175 11378.5,-175 11378.5,-116 11378.5,-116 11378.5,-110 11384.5,-104 11390.5,-104 11390.5,-104 11586.5,-104 11586.5,-104 11592.5,-104 11598.5,-110 11598.5,-116 11598.5,-116 11598.5,-175 11598.5,-175 11598.5,-181 11592.5,-187 11586.5,-187\"/>\n<text text-anchor=\"middle\" x=\"11488.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Adm&#45;clerical &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"11488.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.641</text>\n<text text-anchor=\"middle\" x=\"11488.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 43</text>\n<text text-anchor=\"middle\" x=\"11488.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 7, 0, 36]</text>\n<text text-anchor=\"middle\" x=\"11488.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 292&#45;&gt;296 -->\n<g id=\"edge296\" class=\"edge\">\n<title>292&#45;&gt;296</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11357.8,-222.8796C11374.4779,-213.0056 11392.379,-202.4075 11409.4186,-192.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11411.4177,-195.2032 11418.2396,-187.0969 11407.8515,-189.1797 11411.4177,-195.2032\"/>\n</g>\n<!-- 294 -->\n<g id=\"node295\" class=\"node\">\n<title>294</title>\n<path fill=\"#d83fe6\" stroke=\"#000000\" d=\"M11216,-68C11216,-68 11101,-68 11101,-68 11095,-68 11089,-62 11089,-56 11089,-56 11089,-12 11089,-12 11089,-6 11095,0 11101,0 11101,0 11216,0 11216,0 11222,0 11228,-6 11228,-12 11228,-12 11228,-56 11228,-56 11228,-62 11222,-68 11216,-68\"/>\n<text text-anchor=\"middle\" x=\"11158.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.187</text>\n<text text-anchor=\"middle\" x=\"11158.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 70</text>\n<text text-anchor=\"middle\" x=\"11158.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 68]</text>\n<text text-anchor=\"middle\" x=\"11158.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 293&#45;&gt;294 -->\n<g id=\"edge294\" class=\"edge\">\n<title>293&#45;&gt;294</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11239.4652,-103.9815C11228.513,-94.5151 11216.8821,-84.462 11205.9544,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11207.9957,-72.155 11198.1414,-68.2637 11203.4182,-77.4509 11207.9957,-72.155\"/>\n</g>\n<!-- 295 -->\n<g id=\"node296\" class=\"node\">\n<title>295</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M11365,-68C11365,-68 11258,-68 11258,-68 11252,-68 11246,-62 11246,-56 11246,-56 11246,-12 11246,-12 11246,-6 11252,0 11258,0 11258,0 11365,0 11365,0 11371,0 11377,-6 11377,-12 11377,-12 11377,-56 11377,-56 11377,-62 11371,-68 11365,-68\"/>\n<text text-anchor=\"middle\" x=\"11311.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"11311.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"11311.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"11311.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 293&#45;&gt;295 -->\n<g id=\"edge295\" class=\"edge\">\n<title>293&#45;&gt;295</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11296.4367,-103.9815C11298.2567,-95.5261 11300.1775,-86.6026 11302.0157,-78.0623\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11305.4421,-78.7763 11304.1249,-68.2637 11298.5989,-77.3032 11305.4421,-78.7763\"/>\n</g>\n<!-- 297 -->\n<g id=\"node298\" class=\"node\">\n<title>297</title>\n<path fill=\"#de5ae9\" stroke=\"#000000\" d=\"M11522,-68C11522,-68 11407,-68 11407,-68 11401,-68 11395,-62 11395,-56 11395,-56 11395,-12 11395,-12 11395,-6 11401,0 11407,0 11407,0 11522,0 11522,0 11528,0 11534,-6 11534,-12 11534,-12 11534,-56 11534,-56 11534,-62 11528,-68 11522,-68\"/>\n<text text-anchor=\"middle\" x=\"11464.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"11464.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 42</text>\n<text text-anchor=\"middle\" x=\"11464.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 6, 0, 36]</text>\n<text text-anchor=\"middle\" x=\"11464.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 296&#45;&gt;297 -->\n<g id=\"edge297\" class=\"edge\">\n<title>296&#45;&gt;297</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11479.5633,-103.9815C11477.7433,-95.5261 11475.8225,-86.6026 11473.9843,-78.0623\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11477.4011,-77.3032 11471.8751,-68.2637 11470.5579,-78.7763 11477.4011,-77.3032\"/>\n</g>\n<!-- 298 -->\n<g id=\"node299\" class=\"node\">\n<title>298</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M11671,-68C11671,-68 11564,-68 11564,-68 11558,-68 11552,-62 11552,-56 11552,-56 11552,-12 11552,-12 11552,-6 11558,0 11564,0 11564,0 11671,0 11671,0 11677,0 11683,-6 11683,-12 11683,-12 11683,-56 11683,-56 11683,-62 11677,-68 11671,-68\"/>\n<text text-anchor=\"middle\" x=\"11617.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"11617.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"11617.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"11617.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 296&#45;&gt;298 -->\n<g id=\"edge298\" class=\"edge\">\n<title>296&#45;&gt;298</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11536.5348,-103.9815C11547.487,-94.5151 11559.1179,-84.462 11570.0456,-75.0168\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11572.5818,-77.4509 11577.8586,-68.2637 11568.0043,-72.155 11572.5818,-77.4509\"/>\n</g>\n<!-- 302 -->\n<g id=\"node303\" class=\"node\">\n<title>302</title>\n<path fill=\"#eb9af2\" stroke=\"#000000\" d=\"M13014,-782C13014,-782 12799,-782 12799,-782 12793,-782 12787,-776 12787,-770 12787,-770 12787,-711 12787,-711 12787,-705 12793,-699 12799,-699 12799,-699 13014,-699 13014,-699 13020,-699 13026,-705 13026,-711 13026,-711 13026,-770 13026,-770 13026,-776 13020,-782 13014,-782\"/>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;not&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.914</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 243</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 80, 0, 163]</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 301&#45;&gt;302 -->\n<g id=\"edge302\" class=\"edge\">\n<title>301&#45;&gt;302</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13043.0522,-817.8796C13025.4677,-807.915 13006.5817,-797.2129 12988.6326,-787.0418\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12990.3321,-783.982 12979.9063,-782.0969 12986.881,-790.0722 12990.3321,-783.982\"/>\n</g>\n<!-- 333 -->\n<g id=\"node334\" class=\"node\">\n<title>333</title>\n<path fill=\"#dc53e8\" stroke=\"#000000\" d=\"M13388.5,-782C13388.5,-782 13164.5,-782 13164.5,-782 13158.5,-782 13152.5,-776 13152.5,-770 13152.5,-770 13152.5,-711 13152.5,-711 13152.5,-705 13158.5,-699 13164.5,-699 13164.5,-699 13388.5,-699 13388.5,-699 13394.5,-699 13400.5,-705 13400.5,-711 13400.5,-711 13400.5,-770 13400.5,-770 13400.5,-776 13394.5,-782 13388.5,-782\"/>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">native&#45;country_United&#45;States &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.519</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 129</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 15, 0, 114]</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 301&#45;&gt;333 -->\n<g id=\"edge333\" class=\"edge\">\n<title>301&#45;&gt;333</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13172.4602,-817.8796C13185.3708,-808.2774 13199.2021,-797.9903 13212.4282,-788.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13214.6361,-790.8732 13220.5714,-782.0969 13210.4586,-785.2564 13214.6361,-790.8732\"/>\n</g>\n<!-- 303 -->\n<g id=\"node304\" class=\"node\">\n<title>303</title>\n<path fill=\"#e88bf0\" stroke=\"#000000\" d=\"M12689,-663C12689,-663 12484,-663 12484,-663 12478,-663 12472,-657 12472,-651 12472,-651 12472,-592 12472,-592 12472,-586 12478,-580 12484,-580 12484,-580 12689,-580 12689,-580 12695,-580 12701,-586 12701,-592 12701,-592 12701,-651 12701,-651 12701,-657 12695,-663 12689,-663\"/>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(7500...8750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.873</text>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 215</text>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 63, 0, 152]</text>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 302&#45;&gt;303 -->\n<g id=\"edge303\" class=\"edge\">\n<title>302&#45;&gt;303</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12794.5795,-698.8796C12766.5661,-688.4621 12736.385,-677.2385 12707.9339,-666.6582\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12708.9501,-663.302 12698.3573,-663.0969 12706.5102,-669.863 12708.9501,-663.302\"/>\n</g>\n<!-- 316 -->\n<g id=\"node317\" class=\"node\">\n<title>316</title>\n<path fill=\"#bef6b9\" stroke=\"#000000\" d=\"M13007,-663C13007,-663 12806,-663 12806,-663 12800,-663 12794,-657 12794,-651 12794,-651 12794,-592 12794,-592 12794,-586 12800,-580 12806,-580 12806,-580 13007,-580 13007,-580 13013,-580 13019,-586 13019,-592 13019,-592 13019,-651 13019,-651 13019,-657 13013,-663 13007,-663\"/>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(308874...456564] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.967</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 28</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 17, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"12906.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 302&#45;&gt;316 -->\n<g id=\"edge316\" class=\"edge\">\n<title>302&#45;&gt;316</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12906.5,-698.8796C12906.5,-690.6838 12906.5,-681.9891 12906.5,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12910.0001,-673.298 12906.5,-663.2981 12903.0001,-673.2981 12910.0001,-673.298\"/>\n</g>\n<!-- 304 -->\n<g id=\"node305\" class=\"node\">\n<title>304</title>\n<path fill=\"#e991f1\" stroke=\"#000000\" d=\"M12487,-544C12487,-544 12266,-544 12266,-544 12260,-544 12254,-538 12254,-532 12254,-532 12254,-473 12254,-473 12254,-467 12260,-461 12266,-461 12266,-461 12487,-461 12487,-461 12493,-461 12499,-467 12499,-473 12499,-473 12499,-532 12499,-532 12499,-538 12493,-544 12487,-544\"/>\n<text text-anchor=\"middle\" x=\"12376.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(15000...16250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12376.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.892</text>\n<text text-anchor=\"middle\" x=\"12376.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 204</text>\n<text text-anchor=\"middle\" x=\"12376.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 63, 0, 141]</text>\n<text text-anchor=\"middle\" x=\"12376.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 303&#45;&gt;304 -->\n<g id=\"edge304\" class=\"edge\">\n<title>303&#45;&gt;304</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12513.0522,-579.8796C12495.4677,-569.915 12476.5817,-559.2129 12458.6326,-549.0418\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12460.3321,-545.982 12449.9063,-544.0969 12456.881,-552.0722 12460.3321,-545.982\"/>\n</g>\n<!-- 315 -->\n<g id=\"node316\" class=\"node\">\n<title>315</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12644,-536.5C12644,-536.5 12529,-536.5 12529,-536.5 12523,-536.5 12517,-530.5 12517,-524.5 12517,-524.5 12517,-480.5 12517,-480.5 12517,-474.5 12523,-468.5 12529,-468.5 12529,-468.5 12644,-468.5 12644,-468.5 12650,-468.5 12656,-474.5 12656,-480.5 12656,-480.5 12656,-524.5 12656,-524.5 12656,-530.5 12650,-536.5 12644,-536.5\"/>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11</text>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"12586.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 303&#45;&gt;315 -->\n<g id=\"edge315\" class=\"edge\">\n<title>303&#45;&gt;315</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12586.5,-579.8796C12586.5,-569.2134 12586.5,-557.7021 12586.5,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12590.0001,-546.8149 12586.5,-536.8149 12583.0001,-546.815 12590.0001,-546.8149\"/>\n</g>\n<!-- 305 -->\n<g id=\"node306\" class=\"node\">\n<title>305</title>\n<path fill=\"#ea98f2\" stroke=\"#000000\" d=\"M12279,-425C12279,-425 12076,-425 12076,-425 12070,-425 12064,-419 12064,-413 12064,-413 12064,-354 12064,-354 12064,-348 12070,-342 12076,-342 12076,-342 12279,-342 12279,-342 12285,-342 12291,-348 12291,-354 12291,-354 12291,-413 12291,-413 12291,-419 12285,-425 12279,-425\"/>\n<text text-anchor=\"middle\" x=\"12177.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1885...1932] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12177.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.909</text>\n<text text-anchor=\"middle\" x=\"12177.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 194</text>\n<text text-anchor=\"middle\" x=\"12177.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 63, 0, 131]</text>\n<text text-anchor=\"middle\" x=\"12177.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 304&#45;&gt;305 -->\n<g id=\"edge305\" class=\"edge\">\n<title>304&#45;&gt;305</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12306.8995,-460.8796C12290.3875,-451.0056 12272.6646,-440.4075 12255.7945,-430.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12257.4401,-427.2253 12247.0612,-425.0969 12253.8475,-433.2331 12257.4401,-427.2253\"/>\n</g>\n<!-- 314 -->\n<g id=\"node315\" class=\"node\">\n<title>314</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12436,-417.5C12436,-417.5 12321,-417.5 12321,-417.5 12315,-417.5 12309,-411.5 12309,-405.5 12309,-405.5 12309,-361.5 12309,-361.5 12309,-355.5 12315,-349.5 12321,-349.5 12321,-349.5 12436,-349.5 12436,-349.5 12442,-349.5 12448,-355.5 12448,-361.5 12448,-361.5 12448,-405.5 12448,-405.5 12448,-411.5 12442,-417.5 12436,-417.5\"/>\n<text text-anchor=\"middle\" x=\"12378.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12378.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"12378.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 10]</text>\n<text text-anchor=\"middle\" x=\"12378.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 304&#45;&gt;314 -->\n<g id=\"edge314\" class=\"edge\">\n<title>304&#45;&gt;314</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12377.1995,-460.8796C12377.3788,-450.2134 12377.5722,-438.7021 12377.7538,-427.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12381.2546,-427.8724 12377.9233,-417.8149 12374.2556,-427.7547 12381.2546,-427.8724\"/>\n</g>\n<!-- 306 -->\n<g id=\"node307\" class=\"node\">\n<title>306</title>\n<path fill=\"#eb9ef2\" stroke=\"#000000\" d=\"M12131,-306C12131,-306 11956,-306 11956,-306 11950,-306 11944,-300 11944,-294 11944,-294 11944,-235 11944,-235 11944,-229 11950,-223 11956,-223 11956,-223 12131,-223 12131,-223 12137,-223 12143,-229 12143,-235 12143,-235 12143,-294 12143,-294 12143,-300 12137,-306 12131,-306\"/>\n<text text-anchor=\"middle\" x=\"12043.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">native&#45;country_China &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12043.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.924</text>\n<text text-anchor=\"middle\" x=\"12043.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 186</text>\n<text text-anchor=\"middle\" x=\"12043.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 63, 0, 123]</text>\n<text text-anchor=\"middle\" x=\"12043.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 305&#45;&gt;306 -->\n<g id=\"edge306\" class=\"edge\">\n<title>305&#45;&gt;306</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12130.6333,-341.8796C12120.1875,-332.6031 12109.0219,-322.6874 12098.289,-313.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12100.368,-310.3213 12090.5667,-306.2981 12095.7199,-315.5553 12100.368,-310.3213\"/>\n</g>\n<!-- 313 -->\n<g id=\"node314\" class=\"node\">\n<title>313</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12280,-298.5C12280,-298.5 12173,-298.5 12173,-298.5 12167,-298.5 12161,-292.5 12161,-286.5 12161,-286.5 12161,-242.5 12161,-242.5 12161,-236.5 12167,-230.5 12173,-230.5 12173,-230.5 12280,-230.5 12280,-230.5 12286,-230.5 12292,-236.5 12292,-242.5 12292,-242.5 12292,-286.5 12292,-286.5 12292,-292.5 12286,-298.5 12280,-298.5\"/>\n<text text-anchor=\"middle\" x=\"12226.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12226.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"12226.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 8]</text>\n<text text-anchor=\"middle\" x=\"12226.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 305&#45;&gt;313 -->\n<g id=\"edge313\" class=\"edge\">\n<title>305&#45;&gt;313</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12194.6378,-341.8796C12199.1203,-330.9935 12203.9653,-319.227 12208.4917,-308.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12211.7991,-309.3944 12212.3703,-298.8149 12205.3264,-306.7291 12211.7991,-309.3944\"/>\n</g>\n<!-- 307 -->\n<g id=\"node308\" class=\"node\">\n<title>307</title>\n<path fill=\"#ea97f1\" stroke=\"#000000\" d=\"M11960,-187C11960,-187 11757,-187 11757,-187 11751,-187 11745,-181 11745,-175 11745,-175 11745,-116 11745,-116 11745,-110 11751,-104 11757,-104 11757,-104 11960,-104 11960,-104 11966,-104 11972,-110 11972,-116 11972,-116 11972,-175 11972,-175 11972,-181 11966,-187 11960,-187\"/>\n<text text-anchor=\"middle\" x=\"11858.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1932...1979] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"11858.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.907</text>\n<text text-anchor=\"middle\" x=\"11858.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 180</text>\n<text text-anchor=\"middle\" x=\"11858.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 58, 0, 122]</text>\n<text text-anchor=\"middle\" x=\"11858.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 306&#45;&gt;307 -->\n<g id=\"edge307\" class=\"edge\">\n<title>306&#45;&gt;307</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11978.796,-222.8796C11963.5865,-213.0962 11947.2718,-202.6019 11931.7182,-192.5971\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11933.4713,-189.5632 11923.1675,-187.0969 11929.6843,-195.4505 11933.4713,-189.5632\"/>\n</g>\n<!-- 310 -->\n<g id=\"node311\" class=\"node\">\n<title>310</title>\n<path fill=\"#6cea61\" stroke=\"#000000\" d=\"M12198.5,-187C12198.5,-187 12002.5,-187 12002.5,-187 11996.5,-187 11990.5,-181 11990.5,-175 11990.5,-175 11990.5,-116 11990.5,-116 11990.5,-110 11996.5,-104 12002.5,-104 12002.5,-104 12198.5,-104 12198.5,-104 12204.5,-104 12210.5,-110 12210.5,-116 12210.5,-116 12210.5,-175 12210.5,-175 12210.5,-181 12204.5,-187 12198.5,-187\"/>\n<text text-anchor=\"middle\" x=\"12100.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Adm&#45;clerical &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12100.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.65</text>\n<text text-anchor=\"middle\" x=\"12100.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"12100.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"12100.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 306&#45;&gt;310 -->\n<g id=\"edge310\" class=\"edge\">\n<title>306&#45;&gt;310</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12063.4358,-222.8796C12067.5341,-214.3236 12071.8928,-205.2238 12076.1273,-196.3833\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12079.3157,-197.8288 12080.4791,-187.2981 12073.0025,-194.8049 12079.3157,-197.8288\"/>\n</g>\n<!-- 308 -->\n<g id=\"node309\" class=\"node\">\n<title>308</title>\n<path fill=\"#eb9bf2\" stroke=\"#000000\" d=\"M11844,-68C11844,-68 11713,-68 11713,-68 11707,-68 11701,-62 11701,-56 11701,-56 11701,-12 11701,-12 11701,-6 11707,0 11713,0 11713,0 11844,0 11844,0 11850,0 11856,-6 11856,-12 11856,-12 11856,-56 11856,-56 11856,-62 11850,-68 11844,-68\"/>\n<text text-anchor=\"middle\" x=\"11778.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.916</text>\n<text text-anchor=\"middle\" x=\"11778.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 175</text>\n<text text-anchor=\"middle\" x=\"11778.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 58, 0, 117]</text>\n<text text-anchor=\"middle\" x=\"11778.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 307&#45;&gt;308 -->\n<g id=\"edge308\" class=\"edge\">\n<title>307&#45;&gt;308</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11828.711,-103.9815C11822.2486,-94.9747 11815.4052,-85.4367 11808.919,-76.3965\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11811.7572,-74.3483 11803.0838,-68.2637 11806.0697,-78.4291 11811.7572,-74.3483\"/>\n</g>\n<!-- 309 -->\n<g id=\"node310\" class=\"node\">\n<title>309</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M11993,-68C11993,-68 11886,-68 11886,-68 11880,-68 11874,-62 11874,-56 11874,-56 11874,-12 11874,-12 11874,-6 11880,0 11886,0 11886,0 11993,0 11993,0 11999,0 12005,-6 12005,-12 12005,-12 12005,-56 12005,-56 12005,-62 11999,-68 11993,-68\"/>\n<text text-anchor=\"middle\" x=\"11939.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"11939.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"11939.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"11939.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 307&#45;&gt;309 -->\n<g id=\"edge309\" class=\"edge\">\n<title>307&#45;&gt;309</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M11888.6614,-103.9815C11895.2045,-94.9747 11902.1334,-85.4367 11908.7008,-76.3965\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"11911.5631,-78.4113 11914.6089,-68.2637 11905.8998,-74.2971 11911.5631,-78.4113\"/>\n</g>\n<!-- 311 -->\n<g id=\"node312\" class=\"node\">\n<title>311</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M12142,-68C12142,-68 12035,-68 12035,-68 12029,-68 12023,-62 12023,-56 12023,-56 12023,-12 12023,-12 12023,-6 12029,0 12035,0 12035,0 12142,0 12142,0 12148,0 12154,-6 12154,-12 12154,-12 12154,-56 12154,-56 12154,-62 12148,-68 12142,-68\"/>\n<text text-anchor=\"middle\" x=\"12088.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12088.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"12088.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"12088.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 310&#45;&gt;311 -->\n<g id=\"edge311\" class=\"edge\">\n<title>310&#45;&gt;311</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12096.0316,-103.9815C12095.1315,-95.618 12094.1821,-86.7965 12093.2721,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12096.7376,-77.8317 12092.1876,-68.2637 12089.7778,-78.5808 12096.7376,-77.8317\"/>\n</g>\n<!-- 312 -->\n<g id=\"node313\" class=\"node\">\n<title>312</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12291,-68C12291,-68 12184,-68 12184,-68 12178,-68 12172,-62 12172,-56 12172,-56 12172,-12 12172,-12 12172,-6 12178,0 12184,0 12184,0 12291,0 12291,0 12297,0 12303,-6 12303,-12 12303,-12 12303,-56 12303,-56 12303,-62 12297,-68 12291,-68\"/>\n<text text-anchor=\"middle\" x=\"12237.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12237.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"12237.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"12237.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 310&#45;&gt;312 -->\n<g id=\"edge312\" class=\"edge\">\n<title>310&#45;&gt;312</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12151.5137,-103.9815C12163.258,-94.4232 12175.7372,-84.2668 12187.4405,-74.7419\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12189.8536,-77.2906 12195.4002,-68.2637 12185.435,-71.8614 12189.8536,-77.2906\"/>\n</g>\n<!-- 317 -->\n<g id=\"node318\" class=\"node\">\n<title>317</title>\n<path fill=\"#a8f3a2\" stroke=\"#000000\" d=\"M12885,-544C12885,-544 12686,-544 12686,-544 12680,-544 12674,-538 12674,-532 12674,-532 12674,-473 12674,-473 12674,-467 12680,-461 12686,-461 12686,-461 12885,-461 12885,-461 12891,-461 12897,-467 12897,-473 12897,-473 12897,-532 12897,-532 12897,-538 12891,-544 12885,-544\"/>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(50...74] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.931</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 26</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 17, 0, 9]</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 316&#45;&gt;317 -->\n<g id=\"edge317\" class=\"edge\">\n<title>316&#45;&gt;317</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12864.1801,-579.8796C12854.8392,-570.6931 12844.861,-560.8798 12835.256,-551.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12837.5845,-548.8146 12828.0006,-544.2981 12832.6762,-553.8054 12837.5845,-548.8146\"/>\n</g>\n<!-- 332 -->\n<g id=\"node333\" class=\"node\">\n<title>332</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13034,-536.5C13034,-536.5 12927,-536.5 12927,-536.5 12921,-536.5 12915,-530.5 12915,-524.5 12915,-524.5 12915,-480.5 12915,-480.5 12915,-474.5 12921,-468.5 12927,-468.5 12927,-468.5 13034,-468.5 13034,-468.5 13040,-468.5 13046,-474.5 13046,-480.5 13046,-480.5 13046,-524.5 13046,-524.5 13046,-530.5 13040,-536.5 13034,-536.5\"/>\n<text text-anchor=\"middle\" x=\"12980.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12980.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"12980.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"12980.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 316&#45;&gt;332 -->\n<g id=\"edge332\" class=\"edge\">\n<title>316&#45;&gt;332</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12932.3816,-579.8796C12939.2879,-568.7735 12946.7639,-556.7513 12953.7175,-545.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12956.8527,-547.1552 12959.1613,-536.8149 12950.9083,-543.4587 12956.8527,-547.1552\"/>\n</g>\n<!-- 318 -->\n<g id=\"node319\" class=\"node\">\n<title>318</title>\n<path fill=\"#80ed76\" stroke=\"#000000\" d=\"M12680,-425C12680,-425 12481,-425 12481,-425 12475,-425 12469,-419 12469,-413 12469,-413 12469,-354 12469,-354 12469,-348 12475,-342 12481,-342 12481,-342 12680,-342 12680,-342 12686,-342 12692,-348 12692,-354 12692,-354 12692,-413 12692,-413 12692,-419 12686,-425 12680,-425\"/>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(26...50] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.787</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 17</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 13, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 317&#45;&gt;318 -->\n<g id=\"edge318\" class=\"edge\">\n<title>317&#45;&gt;318</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12713.8009,-460.8796C12696.7912,-451.0056 12678.5339,-440.4075 12661.1552,-430.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12662.5642,-427.0903 12652.1586,-425.0969 12659.0499,-433.1443 12662.5642,-427.0903\"/>\n</g>\n<!-- 325 -->\n<g id=\"node326\" class=\"node\">\n<title>325</title>\n<path fill=\"#f7d7fa\" stroke=\"#000000\" d=\"M12846.5,-425C12846.5,-425 12724.5,-425 12724.5,-425 12718.5,-425 12712.5,-419 12712.5,-413 12712.5,-413 12712.5,-354 12712.5,-354 12712.5,-348 12718.5,-342 12724.5,-342 12724.5,-342 12846.5,-342 12846.5,-342 12852.5,-342 12858.5,-348 12858.5,-354 12858.5,-354 12858.5,-413 12858.5,-413 12858.5,-419 12852.5,-425 12846.5,-425\"/>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(41...46] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.991</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 4, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"12785.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 317&#45;&gt;325 -->\n<g id=\"edge325\" class=\"edge\">\n<title>317&#45;&gt;325</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12785.5,-460.8796C12785.5,-452.6838 12785.5,-443.9891 12785.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12789.0001,-435.298 12785.5,-425.2981 12782.0001,-435.2981 12789.0001,-435.298\"/>\n</g>\n<!-- 319 -->\n<g id=\"node320\" class=\"node\">\n<title>319</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M12477,-298.5C12477,-298.5 12370,-298.5 12370,-298.5 12364,-298.5 12358,-292.5 12358,-286.5 12358,-286.5 12358,-242.5 12358,-242.5 12358,-236.5 12364,-230.5 12370,-230.5 12370,-230.5 12477,-230.5 12477,-230.5 12483,-230.5 12489,-236.5 12489,-242.5 12489,-242.5 12489,-286.5 12489,-286.5 12489,-292.5 12483,-298.5 12477,-298.5\"/>\n<text text-anchor=\"middle\" x=\"12423.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12423.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"12423.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"12423.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 318&#45;&gt;319 -->\n<g id=\"edge319\" class=\"edge\">\n<title>318&#45;&gt;319</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12525.589,-341.8796C12509.7006,-329.8368 12492.3909,-316.7167 12476.6143,-304.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12478.6031,-301.8743 12468.5195,-298.623 12474.3747,-307.4529 12478.6031,-301.8743\"/>\n</g>\n<!-- 320 -->\n<g id=\"node321\" class=\"node\">\n<title>320</title>\n<path fill=\"#a3f29c\" stroke=\"#000000\" d=\"M12641.5,-306C12641.5,-306 12519.5,-306 12519.5,-306 12513.5,-306 12507.5,-300 12507.5,-294 12507.5,-294 12507.5,-235 12507.5,-235 12507.5,-229 12513.5,-223 12519.5,-223 12519.5,-223 12641.5,-223 12641.5,-223 12647.5,-223 12653.5,-229 12653.5,-235 12653.5,-235 12653.5,-294 12653.5,-294 12653.5,-300 12647.5,-306 12641.5,-306\"/>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(56...61] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 8, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 318&#45;&gt;320 -->\n<g id=\"edge320\" class=\"edge\">\n<title>318&#45;&gt;320</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12580.5,-341.8796C12580.5,-333.6838 12580.5,-324.9891 12580.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12584.0001,-316.298 12580.5,-306.2981 12577.0001,-316.2981 12584.0001,-316.298\"/>\n</g>\n<!-- 321 -->\n<g id=\"node322\" class=\"node\">\n<title>321</title>\n<path fill=\"#8cef83\" stroke=\"#000000\" d=\"M12485,-187C12485,-187 12264,-187 12264,-187 12258,-187 12252,-181 12252,-175 12252,-175 12252,-116 12252,-116 12252,-110 12258,-104 12264,-104 12264,-104 12485,-104 12485,-104 12491,-104 12497,-110 12497,-116 12497,-116 12497,-175 12497,-175 12497,-181 12491,-187 12485,-187\"/>\n<text text-anchor=\"middle\" x=\"12374.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(10000...11250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12374.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.845</text>\n<text text-anchor=\"middle\" x=\"12374.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11</text>\n<text text-anchor=\"middle\" x=\"12374.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 8, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"12374.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 320&#45;&gt;321 -->\n<g id=\"edge321\" class=\"edge\">\n<title>320&#45;&gt;321</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12508.4512,-222.8796C12491.3585,-213.0056 12473.0121,-202.4075 12455.5486,-192.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12456.9179,-189.0684 12446.5081,-187.0969 12453.4164,-195.1297 12456.9179,-189.0684\"/>\n</g>\n<!-- 324 -->\n<g id=\"node325\" class=\"node\">\n<title>324</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12634,-179.5C12634,-179.5 12527,-179.5 12527,-179.5 12521,-179.5 12515,-173.5 12515,-167.5 12515,-167.5 12515,-123.5 12515,-123.5 12515,-117.5 12521,-111.5 12527,-111.5 12527,-111.5 12634,-111.5 12634,-111.5 12640,-111.5 12646,-117.5 12646,-123.5 12646,-123.5 12646,-167.5 12646,-167.5 12646,-173.5 12640,-179.5 12634,-179.5\"/>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"12580.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 320&#45;&gt;324 -->\n<g id=\"edge324\" class=\"edge\">\n<title>320&#45;&gt;324</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12580.5,-222.8796C12580.5,-212.2134 12580.5,-200.7021 12580.5,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12584.0001,-189.8149 12580.5,-179.8149 12577.0001,-189.815 12584.0001,-189.8149\"/>\n</g>\n<!-- 322 -->\n<g id=\"node323\" class=\"node\">\n<title>322</title>\n<path fill=\"#75ec6a\" stroke=\"#000000\" d=\"M12440,-68C12440,-68 12333,-68 12333,-68 12327,-68 12321,-62 12321,-56 12321,-56 12321,-12 12321,-12 12321,-6 12327,0 12333,0 12333,0 12440,0 12440,0 12446,0 12452,-6 12452,-12 12452,-12 12452,-56 12452,-56 12452,-62 12446,-68 12440,-68\"/>\n<text text-anchor=\"middle\" x=\"12386.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"12386.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"12386.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 8, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"12386.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 321&#45;&gt;322 -->\n<g id=\"edge322\" class=\"edge\">\n<title>321&#45;&gt;322</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12378.9684,-103.9815C12379.8685,-95.618 12380.8179,-86.7965 12381.7279,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12385.2222,-78.5808 12382.8124,-68.2637 12378.2624,-77.8317 12385.2222,-78.5808\"/>\n</g>\n<!-- 323 -->\n<g id=\"node324\" class=\"node\">\n<title>323</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12589,-68C12589,-68 12482,-68 12482,-68 12476,-68 12470,-62 12470,-56 12470,-56 12470,-12 12470,-12 12470,-6 12476,0 12482,0 12482,0 12589,0 12589,0 12595,0 12601,-6 12601,-12 12601,-12 12601,-56 12601,-56 12601,-62 12595,-68 12589,-68\"/>\n<text text-anchor=\"middle\" x=\"12535.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12535.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"12535.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"12535.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 321&#45;&gt;323 -->\n<g id=\"edge323\" class=\"edge\">\n<title>321&#45;&gt;323</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12434.4505,-103.9815C12448.5916,-94.1881 12463.6394,-83.7668 12477.6841,-74.0402\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12480.0539,-76.6565 12486.2822,-68.0856 12476.0685,-70.9017 12480.0539,-76.6565\"/>\n</g>\n<!-- 326 -->\n<g id=\"node327\" class=\"node\">\n<title>326</title>\n<path fill=\"#e788ef\" stroke=\"#000000\" d=\"M12826.5,-306C12826.5,-306 12704.5,-306 12704.5,-306 12698.5,-306 12692.5,-300 12692.5,-294 12692.5,-294 12692.5,-235 12692.5,-235 12692.5,-229 12698.5,-223 12704.5,-223 12704.5,-223 12826.5,-223 12826.5,-223 12832.5,-223 12838.5,-229 12838.5,-235 12838.5,-235 12838.5,-294 12838.5,-294 12838.5,-300 12832.5,-306 12826.5,-306\"/>\n<text text-anchor=\"middle\" x=\"12765.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(56...61] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12765.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.863</text>\n<text text-anchor=\"middle\" x=\"12765.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"12765.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 5]</text>\n<text text-anchor=\"middle\" x=\"12765.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 325&#45;&gt;326 -->\n<g id=\"edge326\" class=\"edge\">\n<title>325&#45;&gt;326</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12778.505,-341.8796C12777.1124,-333.5938 12775.6341,-324.798 12774.1927,-316.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12777.634,-315.5796 12772.5249,-306.2981 12770.7308,-316.7399 12777.634,-315.5796\"/>\n</g>\n<!-- 331 -->\n<g id=\"node332\" class=\"node\">\n<title>331</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M12976,-298.5C12976,-298.5 12869,-298.5 12869,-298.5 12863,-298.5 12857,-292.5 12857,-286.5 12857,-286.5 12857,-242.5 12857,-242.5 12857,-236.5 12863,-230.5 12869,-230.5 12869,-230.5 12976,-230.5 12976,-230.5 12982,-230.5 12988,-236.5 12988,-242.5 12988,-242.5 12988,-286.5 12988,-286.5 12988,-292.5 12982,-298.5 12976,-298.5\"/>\n<text text-anchor=\"middle\" x=\"12922.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12922.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"12922.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"12922.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 325&#45;&gt;331 -->\n<g id=\"edge331\" class=\"edge\">\n<title>325&#45;&gt;331</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12833.416,-341.8796C12846.9615,-330.1138 12861.6908,-317.3197 12875.1998,-305.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12877.7401,-308.015 12882.9946,-298.8149 12873.1497,-302.7303 12877.7401,-308.015\"/>\n</g>\n<!-- 327 -->\n<g id=\"node328\" class=\"node\">\n<title>327</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12783,-179.5C12783,-179.5 12676,-179.5 12676,-179.5 12670,-179.5 12664,-173.5 12664,-167.5 12664,-167.5 12664,-123.5 12664,-123.5 12664,-117.5 12670,-111.5 12676,-111.5 12676,-111.5 12783,-111.5 12783,-111.5 12789,-111.5 12795,-117.5 12795,-123.5 12795,-123.5 12795,-167.5 12795,-167.5 12795,-173.5 12789,-179.5 12783,-179.5\"/>\n<text text-anchor=\"middle\" x=\"12729.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12729.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"12729.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"12729.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 326&#45;&gt;327 -->\n<g id=\"edge327\" class=\"edge\">\n<title>326&#45;&gt;327</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12752.9089,-222.8796C12749.6489,-212.1034 12746.128,-200.4647 12742.8314,-189.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12746.1267,-188.373 12739.881,-179.8149 12739.4266,-190.4 12746.1267,-188.373\"/>\n</g>\n<!-- 328 -->\n<g id=\"node329\" class=\"node\">\n<title>328</title>\n<path fill=\"#a3f29c\" stroke=\"#000000\" d=\"M13029.5,-187C13029.5,-187 12825.5,-187 12825.5,-187 12819.5,-187 12813.5,-181 12813.5,-175 12813.5,-175 12813.5,-116 12813.5,-116 12813.5,-110 12819.5,-104 12825.5,-104 12825.5,-104 13029.5,-104 13029.5,-104 13035.5,-104 13041.5,-110 13041.5,-116 13041.5,-116 13041.5,-175 13041.5,-175 13041.5,-181 13035.5,-187 13029.5,-187\"/>\n<text text-anchor=\"middle\" x=\"12927.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Prof&#45;specialty &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"12927.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"12927.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"12927.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"12927.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 326&#45;&gt;328 -->\n<g id=\"edge328\" class=\"edge\">\n<title>326&#45;&gt;328</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12822.1597,-222.8796C12835.2316,-213.2774 12849.2359,-202.9903 12862.6273,-193.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12864.885,-195.8378 12870.8723,-187.0969 12860.7409,-190.1963 12864.885,-195.8378\"/>\n</g>\n<!-- 329 -->\n<g id=\"node330\" class=\"node\">\n<title>329</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M12847,-68C12847,-68 12740,-68 12740,-68 12734,-68 12728,-62 12728,-56 12728,-56 12728,-12 12728,-12 12728,-6 12734,0 12740,0 12740,0 12847,0 12847,0 12853,0 12859,-6 12859,-12 12859,-12 12859,-56 12859,-56 12859,-62 12853,-68 12847,-68\"/>\n<text text-anchor=\"middle\" x=\"12793.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12793.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"12793.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"12793.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 328&#45;&gt;329 -->\n<g id=\"edge329\" class=\"edge\">\n<title>328&#45;&gt;329</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12877.6033,-103.9815C12866.1162,-94.4232 12853.9103,-84.2668 12842.4633,-74.7419\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12844.6035,-71.9695 12834.6779,-68.2637 12840.1261,-77.3503 12844.6035,-71.9695\"/>\n</g>\n<!-- 330 -->\n<g id=\"node331\" class=\"node\">\n<title>330</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M12996,-68C12996,-68 12889,-68 12889,-68 12883,-68 12877,-62 12877,-56 12877,-56 12877,-12 12877,-12 12877,-6 12883,0 12889,0 12889,0 12996,0 12996,0 13002,0 13008,-6 13008,-12 13008,-12 13008,-56 13008,-56 13008,-62 13002,-68 12996,-68\"/>\n<text text-anchor=\"middle\" x=\"12942.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"12942.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"12942.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"12942.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 328&#45;&gt;330 -->\n<g id=\"edge330\" class=\"edge\">\n<title>328&#45;&gt;330</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M12933.0854,-103.9815C12934.2106,-95.618 12935.3973,-86.7965 12936.5349,-78.3409\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"12940.0259,-78.6411 12937.8905,-68.2637 12933.0884,-77.7077 12940.0259,-78.6411\"/>\n</g>\n<!-- 334 -->\n<g id=\"node335\" class=\"node\">\n<title>334</title>\n<path fill=\"#f8defb\" stroke=\"#000000\" d=\"M13377,-663C13377,-663 13176,-663 13176,-663 13170,-663 13164,-657 13164,-651 13164,-651 13164,-592 13164,-592 13164,-586 13170,-580 13176,-580 13176,-580 13377,-580 13377,-580 13383,-580 13389,-586 13389,-592 13389,-592 13389,-651 13389,-651 13389,-657 13383,-663 13377,-663\"/>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(308874...456564] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.994</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"13276.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 333&#45;&gt;334 -->\n<g id=\"edge334\" class=\"edge\">\n<title>333&#45;&gt;334</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13276.5,-698.8796C13276.5,-690.6838 13276.5,-681.9891 13276.5,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13280.0001,-673.298 13276.5,-663.2981 13273.0001,-673.2981 13280.0001,-673.298\"/>\n</g>\n<!-- 345 -->\n<g id=\"node346\" class=\"node\">\n<title>345</title>\n<path fill=\"#db4be7\" stroke=\"#000000\" d=\"M13668,-663C13668,-663 13537,-663 13537,-663 13531,-663 13525,-657 13525,-651 13525,-651 13525,-592 13525,-592 13525,-586 13531,-580 13537,-580 13537,-580 13668,-580 13668,-580 13674,-580 13680,-586 13680,-592 13680,-592 13680,-651 13680,-651 13680,-657 13674,-663 13668,-663\"/>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(46...51] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.419</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 118</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 108]</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 333&#45;&gt;345 -->\n<g id=\"edge345\" class=\"edge\">\n<title>333&#45;&gt;345</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13390.519,-698.8796C13431.4815,-683.927 13476.9937,-667.3137 13515.3135,-653.3257\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13516.7002,-656.5455 13524.8937,-649.8287 13514.2998,-649.9699 13516.7002,-656.5455\"/>\n</g>\n<!-- 335 -->\n<g id=\"node336\" class=\"node\">\n<title>335</title>\n<path fill=\"#b5f5b0\" stroke=\"#000000\" d=\"M13267,-544C13267,-544 13112,-544 13112,-544 13106,-544 13100,-538 13100,-532 13100,-532 13100,-473 13100,-473 13100,-467 13106,-461 13112,-461 13112,-461 13267,-461 13267,-461 13273,-461 13279,-467 13279,-473 13279,-473 13279,-532 13279,-532 13279,-538 13273,-544 13267,-544\"/>\n<text text-anchor=\"middle\" x=\"13189.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Private &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13189.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.954</text>\n<text text-anchor=\"middle\" x=\"13189.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"13189.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 5, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"13189.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 334&#45;&gt;335 -->\n<g id=\"edge335\" class=\"edge\">\n<title>334&#45;&gt;335</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13246.0716,-579.8796C13239.6189,-571.0534 13232.743,-561.6485 13226.0887,-552.5466\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13228.7856,-550.3051 13220.0583,-544.2981 13223.1347,-554.4364 13228.7856,-550.3051\"/>\n</g>\n<!-- 344 -->\n<g id=\"node345\" class=\"node\">\n<title>344</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13416,-536.5C13416,-536.5 13309,-536.5 13309,-536.5 13303,-536.5 13297,-530.5 13297,-524.5 13297,-524.5 13297,-480.5 13297,-480.5 13297,-474.5 13303,-468.5 13309,-468.5 13309,-468.5 13416,-468.5 13416,-468.5 13422,-468.5 13428,-474.5 13428,-480.5 13428,-480.5 13428,-524.5 13428,-524.5 13428,-530.5 13422,-536.5 13416,-536.5\"/>\n<text text-anchor=\"middle\" x=\"13362.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13362.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"13362.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"13362.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 334&#45;&gt;344 -->\n<g id=\"edge344\" class=\"edge\">\n<title>334&#45;&gt;344</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13306.5786,-579.8796C13314.6843,-568.6636 13323.4653,-556.5131 13331.6143,-545.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13334.6803,-546.9701 13337.701,-536.8149 13329.0068,-542.8698 13334.6803,-546.9701\"/>\n</g>\n<!-- 336 -->\n<g id=\"node337\" class=\"node\">\n<title>336</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M13143,-417.5C13143,-417.5 13036,-417.5 13036,-417.5 13030,-417.5 13024,-411.5 13024,-405.5 13024,-405.5 13024,-361.5 13024,-361.5 13024,-355.5 13030,-349.5 13036,-349.5 13036,-349.5 13143,-349.5 13143,-349.5 13149,-349.5 13155,-355.5 13155,-361.5 13155,-361.5 13155,-405.5 13155,-405.5 13155,-411.5 13149,-417.5 13143,-417.5\"/>\n<text text-anchor=\"middle\" x=\"13089.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13089.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"13089.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"13089.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 335&#45;&gt;336 -->\n<g id=\"edge336\" class=\"edge\">\n<title>335&#45;&gt;336</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13154.5249,-460.8796C13144.9148,-449.4436 13134.4885,-437.0363 13124.8571,-425.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13127.4491,-423.219 13118.3361,-417.8149 13122.09,-427.7225 13127.4491,-423.219\"/>\n</g>\n<!-- 337 -->\n<g id=\"node338\" class=\"node\">\n<title>337</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M13353.5,-425C13353.5,-425 13185.5,-425 13185.5,-425 13179.5,-425 13173.5,-419 13173.5,-413 13173.5,-413 13173.5,-354 13173.5,-354 13173.5,-348 13179.5,-342 13185.5,-342 13185.5,-342 13353.5,-342 13353.5,-342 13359.5,-342 13365.5,-348 13365.5,-354 13365.5,-354 13365.5,-413 13365.5,-413 13365.5,-419 13359.5,-425 13353.5,-425\"/>\n<text text-anchor=\"middle\" x=\"13269.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">native&#45;country_India &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13269.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"13269.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"13269.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 3, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"13269.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 335&#45;&gt;337 -->\n<g id=\"edge337\" class=\"edge\">\n<title>335&#45;&gt;337</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13217.4801,-460.8796C13223.3531,-452.1434 13229.6073,-442.8404 13235.6679,-433.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13238.7259,-435.5498 13241.4005,-425.2981 13232.9166,-431.6444 13238.7259,-435.5498\"/>\n</g>\n<!-- 338 -->\n<g id=\"node339\" class=\"node\">\n<title>338</title>\n<path fill=\"#f2bdf6\" stroke=\"#000000\" d=\"M13257.5,-306C13257.5,-306 13135.5,-306 13135.5,-306 13129.5,-306 13123.5,-300 13123.5,-294 13123.5,-294 13123.5,-235 13123.5,-235 13123.5,-229 13129.5,-223 13135.5,-223 13135.5,-223 13257.5,-223 13257.5,-223 13263.5,-223 13269.5,-229 13269.5,-235 13269.5,-235 13269.5,-294 13269.5,-294 13269.5,-300 13263.5,-306 13257.5,-306\"/>\n<text text-anchor=\"middle\" x=\"13196.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(32...36] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13196.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.971</text>\n<text text-anchor=\"middle\" x=\"13196.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"13196.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"13196.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 337&#45;&gt;338 -->\n<g id=\"edge338\" class=\"edge\">\n<title>337&#45;&gt;338</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13243.9681,-341.8796C13238.609,-333.1434 13232.9021,-323.8404 13227.3718,-314.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13230.3533,-312.9919 13222.1408,-306.2981 13224.3865,-316.6522 13230.3533,-312.9919\"/>\n</g>\n<!-- 343 -->\n<g id=\"node344\" class=\"node\">\n<title>343</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M13407,-298.5C13407,-298.5 13300,-298.5 13300,-298.5 13294,-298.5 13288,-292.5 13288,-286.5 13288,-286.5 13288,-242.5 13288,-242.5 13288,-236.5 13294,-230.5 13300,-230.5 13300,-230.5 13407,-230.5 13407,-230.5 13413,-230.5 13419,-236.5 13419,-242.5 13419,-242.5 13419,-286.5 13419,-286.5 13419,-292.5 13413,-298.5 13407,-298.5\"/>\n<text text-anchor=\"middle\" x=\"13353.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13353.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"13353.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"13353.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 337&#45;&gt;343 -->\n<g id=\"edge343\" class=\"edge\">\n<title>337&#45;&gt;343</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13298.8791,-341.8796C13306.7963,-330.6636 13315.3731,-318.5131 13323.3325,-307.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13326.3702,-309.003 13329.2777,-298.8149 13320.6514,-304.9662 13326.3702,-309.003\"/>\n</g>\n<!-- 339 -->\n<g id=\"node340\" class=\"node\">\n<title>339</title>\n<path fill=\"#a3f29c\" stroke=\"#000000\" d=\"M13265,-187C13265,-187 13072,-187 13072,-187 13066,-187 13060,-181 13060,-175 13060,-175 13060,-116 13060,-116 13060,-110 13066,-104 13072,-104 13072,-104 13265,-104 13265,-104 13271,-104 13277,-110 13277,-116 13277,-116 13277,-175 13277,-175 13277,-181 13271,-187 13265,-187\"/>\n<text text-anchor=\"middle\" x=\"13168.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(12015...161183] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13168.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"13168.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"13168.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"13168.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 338&#45;&gt;339 -->\n<g id=\"edge339\" class=\"edge\">\n<title>338&#45;&gt;339</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13186.707,-222.8796C13184.7574,-214.5938 13182.6878,-205.798 13180.6698,-197.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13184.0323,-196.2306 13178.3348,-187.2981 13177.2183,-197.8339 13184.0323,-196.2306\"/>\n</g>\n<!-- 342 -->\n<g id=\"node343\" class=\"node\">\n<title>342</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13414,-179.5C13414,-179.5 13307,-179.5 13307,-179.5 13301,-179.5 13295,-173.5 13295,-167.5 13295,-167.5 13295,-123.5 13295,-123.5 13295,-117.5 13301,-111.5 13307,-111.5 13307,-111.5 13414,-111.5 13414,-111.5 13420,-111.5 13426,-117.5 13426,-123.5 13426,-123.5 13426,-167.5 13426,-167.5 13426,-173.5 13420,-179.5 13414,-179.5\"/>\n<text text-anchor=\"middle\" x=\"13360.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13360.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"13360.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"13360.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 338&#45;&gt;342 -->\n<g id=\"edge342\" class=\"edge\">\n<title>338&#45;&gt;342</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13253.8592,-222.8796C13270.4561,-210.8368 13288.5375,-197.7167 13305.0176,-185.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13307.4351,-188.3288 13313.4733,-179.623 13303.324,-182.6632 13307.4351,-188.3288\"/>\n</g>\n<!-- 340 -->\n<g id=\"node341\" class=\"node\">\n<title>340</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M13191,-68C13191,-68 13084,-68 13084,-68 13078,-68 13072,-62 13072,-56 13072,-56 13072,-12 13072,-12 13072,-6 13078,0 13084,0 13084,0 13191,0 13191,0 13197,0 13203,-6 13203,-12 13203,-12 13203,-56 13203,-56 13203,-62 13197,-68 13191,-68\"/>\n<text text-anchor=\"middle\" x=\"13137.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13137.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"13137.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 2, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"13137.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 339&#45;&gt;340 -->\n<g id=\"edge340\" class=\"edge\">\n<title>339&#45;&gt;340</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13156.9567,-103.9815C13154.6059,-95.5261 13152.1249,-86.6026 13149.7505,-78.0623\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13153.0771,-76.9607 13147.0262,-68.2637 13146.3329,-78.8358 13153.0771,-76.9607\"/>\n</g>\n<!-- 341 -->\n<g id=\"node342\" class=\"node\">\n<title>341</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13340,-68C13340,-68 13233,-68 13233,-68 13227,-68 13221,-62 13221,-56 13221,-56 13221,-12 13221,-12 13221,-6 13227,0 13233,0 13233,0 13340,0 13340,0 13346,0 13352,-6 13352,-12 13352,-12 13352,-56 13352,-56 13352,-62 13346,-68 13340,-68\"/>\n<text text-anchor=\"middle\" x=\"13286.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13286.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"13286.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"13286.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 339&#45;&gt;341 -->\n<g id=\"edge341\" class=\"edge\">\n<title>339&#45;&gt;341</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13212.4388,-103.9815C13222.3598,-94.607 13232.8897,-84.6572 13242.8008,-75.2921\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13245.3743,-77.6757 13250.2389,-68.2637 13240.5666,-72.5878 13245.3743,-77.6757\"/>\n</g>\n<!-- 346 -->\n<g id=\"node347\" class=\"node\">\n<title>346</title>\n<path fill=\"#dc50e8\" stroke=\"#000000\" d=\"M13664,-544C13664,-544 13541,-544 13541,-544 13535,-544 13529,-538 13529,-532 13529,-532 13529,-473 13529,-473 13529,-467 13535,-461 13541,-461 13541,-461 13664,-461 13664,-461 13670,-461 13676,-467 13676,-473 13676,-473 13676,-532 13676,-532 13676,-538 13670,-544 13664,-544\"/>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(56...61] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.482</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 96</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 86]</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 345&#45;&gt;346 -->\n<g id=\"edge346\" class=\"edge\">\n<title>345&#45;&gt;346</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13602.5,-579.8796C13602.5,-571.6838 13602.5,-562.9891 13602.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13606.0001,-554.298 13602.5,-544.2981 13599.0001,-554.2981 13606.0001,-554.298\"/>\n</g>\n<!-- 359 -->\n<g id=\"node360\" class=\"node\">\n<title>359</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13821,-536.5C13821,-536.5 13706,-536.5 13706,-536.5 13700,-536.5 13694,-530.5 13694,-524.5 13694,-524.5 13694,-480.5 13694,-480.5 13694,-474.5 13700,-468.5 13706,-468.5 13706,-468.5 13821,-468.5 13821,-468.5 13827,-468.5 13833,-474.5 13833,-480.5 13833,-480.5 13833,-524.5 13833,-524.5 13833,-530.5 13827,-536.5 13821,-536.5\"/>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 22</text>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 22]</text>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 345&#45;&gt;359 -->\n<g id=\"edge359\" class=\"edge\">\n<title>345&#45;&gt;359</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13658.81,-579.8796C13675.1032,-567.8368 13692.8539,-554.7167 13709.0325,-542.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13711.3721,-545.3816 13717.3335,-536.623 13707.2114,-539.7524 13711.3721,-545.3816\"/>\n</g>\n<!-- 347 -->\n<g id=\"node348\" class=\"node\">\n<title>347</title>\n<path fill=\"#dc54e9\" stroke=\"#000000\" d=\"M13664,-425C13664,-425 13541,-425 13541,-425 13535,-425 13529,-419 13529,-413 13529,-413 13529,-354 13529,-354 13529,-348 13535,-342 13541,-342 13541,-342 13664,-342 13664,-342 13670,-342 13676,-348 13676,-354 13676,-354 13676,-413 13676,-413 13676,-419 13670,-425 13664,-425\"/>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(41...46] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.531</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 83</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 10, 0, 73]</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 346&#45;&gt;347 -->\n<g id=\"edge347\" class=\"edge\">\n<title>346&#45;&gt;347</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13602.5,-460.8796C13602.5,-452.6838 13602.5,-443.9891 13602.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13606.0001,-435.298 13602.5,-425.2981 13599.0001,-435.2981 13606.0001,-435.298\"/>\n</g>\n<!-- 358 -->\n<g id=\"node359\" class=\"node\">\n<title>358</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13821,-417.5C13821,-417.5 13706,-417.5 13706,-417.5 13700,-417.5 13694,-411.5 13694,-405.5 13694,-405.5 13694,-361.5 13694,-361.5 13694,-355.5 13700,-349.5 13706,-349.5 13706,-349.5 13821,-349.5 13821,-349.5 13827,-349.5 13833,-355.5 13833,-361.5 13833,-361.5 13833,-405.5 13833,-405.5 13833,-411.5 13827,-417.5 13821,-417.5\"/>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 13</text>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 13]</text>\n<text text-anchor=\"middle\" x=\"13763.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 346&#45;&gt;358 -->\n<g id=\"edge358\" class=\"edge\">\n<title>346&#45;&gt;358</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13658.81,-460.8796C13675.1032,-448.8368 13692.8539,-435.7167 13709.0325,-423.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13711.3721,-426.3816 13717.3335,-417.623 13707.2114,-420.7524 13711.3721,-426.3816\"/>\n</g>\n<!-- 348 -->\n<g id=\"node349\" class=\"node\">\n<title>348</title>\n<path fill=\"#de5cea\" stroke=\"#000000\" d=\"M13702,-306C13702,-306 13503,-306 13503,-306 13497,-306 13491,-300 13491,-294 13491,-294 13491,-235 13491,-235 13491,-229 13497,-223 13503,-223 13503,-223 13702,-223 13702,-223 13708,-223 13714,-229 13714,-235 13714,-235 13714,-294 13714,-294 13714,-300 13708,-306 13702,-306\"/>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(50...74] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.61</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 60</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 9, 0, 51]</text>\n<text text-anchor=\"middle\" x=\"13602.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 347&#45;&gt;348 -->\n<g id=\"edge348\" class=\"edge\">\n<title>347&#45;&gt;348</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13602.5,-341.8796C13602.5,-333.6838 13602.5,-324.9891 13602.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13606.0001,-316.298 13602.5,-306.2981 13599.0001,-316.2981 13606.0001,-316.298\"/>\n</g>\n<!-- 353 -->\n<g id=\"node354\" class=\"node\">\n<title>353</title>\n<path fill=\"#d942e6\" stroke=\"#000000\" d=\"M13970,-306C13970,-306 13771,-306 13771,-306 13765,-306 13759,-300 13759,-294 13759,-294 13759,-235 13759,-235 13759,-229 13765,-223 13771,-223 13771,-223 13970,-223 13970,-223 13976,-223 13982,-229 13982,-235 13982,-235 13982,-294 13982,-294 13982,-300 13976,-306 13970,-306\"/>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(26...50] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.258</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 23</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 22]</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 347&#45;&gt;353 -->\n<g id=\"edge353\" class=\"edge\">\n<title>347&#45;&gt;353</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13676.1322,-345.913C13678.9501,-344.577 13681.7465,-343.2683 13684.5,-342 13707.7818,-331.2759 13732.9739,-320.3416 13757.0754,-310.1961\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13758.7393,-313.2938 13766.6087,-306.1999 13756.0331,-306.838 13758.7393,-313.2938\"/>\n</g>\n<!-- 349 -->\n<g id=\"node350\" class=\"node\">\n<title>349</title>\n<path fill=\"#e066eb\" stroke=\"#000000\" d=\"M13571,-187C13571,-187 13456,-187 13456,-187 13450,-187 13444,-181 13444,-175 13444,-175 13444,-116 13444,-116 13444,-110 13450,-104 13456,-104 13456,-104 13571,-104 13571,-104 13577,-104 13583,-110 13583,-116 13583,-116 13583,-175 13583,-175 13583,-181 13577,-187 13571,-187\"/>\n<text text-anchor=\"middle\" x=\"13513.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">race_Black &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13513.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.688</text>\n<text text-anchor=\"middle\" x=\"13513.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 49</text>\n<text text-anchor=\"middle\" x=\"13513.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 9, 0, 40]</text>\n<text text-anchor=\"middle\" x=\"13513.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 348&#45;&gt;349 -->\n<g id=\"edge349\" class=\"edge\">\n<title>348&#45;&gt;349</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13571.3721,-222.8796C13564.771,-214.0534 13557.7371,-204.6485 13550.9298,-195.5466\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13553.5528,-193.2099 13544.7607,-187.2981 13547.9472,-197.4024 13553.5528,-193.2099\"/>\n</g>\n<!-- 352 -->\n<g id=\"node353\" class=\"node\">\n<title>352</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13728,-179.5C13728,-179.5 13613,-179.5 13613,-179.5 13607,-179.5 13601,-173.5 13601,-167.5 13601,-167.5 13601,-123.5 13601,-123.5 13601,-117.5 13607,-111.5 13613,-111.5 13613,-111.5 13728,-111.5 13728,-111.5 13734,-111.5 13740,-117.5 13740,-123.5 13740,-123.5 13740,-167.5 13740,-167.5 13740,-173.5 13734,-179.5 13728,-179.5\"/>\n<text text-anchor=\"middle\" x=\"13670.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13670.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11</text>\n<text text-anchor=\"middle\" x=\"13670.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 11]</text>\n<text text-anchor=\"middle\" x=\"13670.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 348&#45;&gt;352 -->\n<g id=\"edge352\" class=\"edge\">\n<title>348&#45;&gt;352</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13626.2831,-222.8796C13632.6294,-211.7735 13639.4993,-199.7513 13645.8891,-188.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13648.9689,-190.2339 13650.8915,-179.8149 13642.8912,-186.7609 13648.9689,-190.2339\"/>\n</g>\n<!-- 350 -->\n<g id=\"node351\" class=\"node\">\n<title>350</title>\n<path fill=\"#df61ea\" stroke=\"#000000\" d=\"M13505,-68C13505,-68 13390,-68 13390,-68 13384,-68 13378,-62 13378,-56 13378,-56 13378,-12 13378,-12 13378,-6 13384,0 13390,0 13390,0 13505,0 13505,0 13511,0 13517,-6 13517,-12 13517,-12 13517,-56 13517,-56 13517,-62 13511,-68 13505,-68\"/>\n<text text-anchor=\"middle\" x=\"13447.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.65</text>\n<text text-anchor=\"middle\" x=\"13447.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 48</text>\n<text text-anchor=\"middle\" x=\"13447.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 8, 0, 40]</text>\n<text text-anchor=\"middle\" x=\"13447.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 349&#45;&gt;350 -->\n<g id=\"edge350\" class=\"edge\">\n<title>349&#45;&gt;350</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13488.924,-103.9815C13483.7014,-95.1585 13478.1771,-85.8258 13472.9237,-76.9506\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13475.8874,-75.0863 13467.7816,-68.2637 13469.8636,-78.652 13475.8874,-75.0863\"/>\n</g>\n<!-- 351 -->\n<g id=\"node352\" class=\"node\">\n<title>351</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M13654,-68C13654,-68 13547,-68 13547,-68 13541,-68 13535,-62 13535,-56 13535,-56 13535,-12 13535,-12 13535,-6 13541,0 13547,0 13547,0 13654,0 13654,0 13660,0 13666,-6 13666,-12 13666,-12 13666,-56 13666,-56 13666,-62 13660,-68 13654,-68\"/>\n<text text-anchor=\"middle\" x=\"13600.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13600.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"13600.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"13600.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 349&#45;&gt;351 -->\n<g id=\"edge351\" class=\"edge\">\n<title>349&#45;&gt;351</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13545.8956,-103.9815C13552.9234,-94.9747 13560.3655,-85.4367 13567.4193,-76.3965\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13570.3728,-78.3008 13573.7651,-68.2637 13564.854,-73.9946 13570.3728,-78.3008\"/>\n</g>\n<!-- 354 -->\n<g id=\"node355\" class=\"node\">\n<title>354</title>\n<path fill=\"#de5ae9\" stroke=\"#000000\" d=\"M13971,-187C13971,-187 13770,-187 13770,-187 13764,-187 13758,-181 13758,-175 13758,-175 13758,-116 13758,-116 13758,-110 13764,-104 13770,-104 13770,-104 13971,-104 13971,-104 13977,-104 13983,-110 13983,-116 13983,-116 13983,-175 13983,-175 13983,-181 13977,-187 13971,-187\"/>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(161183...308874] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 6]</text>\n<text text-anchor=\"middle\" x=\"13870.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 353&#45;&gt;354 -->\n<g id=\"edge354\" class=\"edge\">\n<title>353&#45;&gt;354</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13870.5,-222.8796C13870.5,-214.6838 13870.5,-205.9891 13870.5,-197.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13874.0001,-197.298 13870.5,-187.2981 13867.0001,-197.2981 13874.0001,-197.298\"/>\n</g>\n<!-- 357 -->\n<g id=\"node358\" class=\"node\">\n<title>357</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M14128,-179.5C14128,-179.5 14013,-179.5 14013,-179.5 14007,-179.5 14001,-173.5 14001,-167.5 14001,-167.5 14001,-123.5 14001,-123.5 14001,-117.5 14007,-111.5 14013,-111.5 14013,-111.5 14128,-111.5 14128,-111.5 14134,-111.5 14140,-117.5 14140,-123.5 14140,-123.5 14140,-167.5 14140,-167.5 14140,-173.5 14134,-179.5 14128,-179.5\"/>\n<text text-anchor=\"middle\" x=\"14070.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14070.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 16</text>\n<text text-anchor=\"middle\" x=\"14070.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 16]</text>\n<text text-anchor=\"middle\" x=\"14070.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 353&#45;&gt;357 -->\n<g id=\"edge357\" class=\"edge\">\n<title>353&#45;&gt;357</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13940.4503,-222.8796C13961.2474,-210.5053 13983.956,-196.9937 14004.4935,-184.7739\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14006.3462,-187.7443 14013.1504,-179.623 14002.7668,-181.7286 14006.3462,-187.7443\"/>\n</g>\n<!-- 355 -->\n<g id=\"node356\" class=\"node\">\n<title>355</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M13867,-68C13867,-68 13760,-68 13760,-68 13754,-68 13748,-62 13748,-56 13748,-56 13748,-12 13748,-12 13748,-6 13754,0 13760,0 13760,0 13867,0 13867,0 13873,0 13879,-6 13879,-12 13879,-12 13879,-56 13879,-56 13879,-62 13873,-68 13867,-68\"/>\n<text text-anchor=\"middle\" x=\"13813.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"13813.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"13813.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"13813.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 354&#45;&gt;355 -->\n<g id=\"edge355\" class=\"edge\">\n<title>354&#45;&gt;355</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13849.2753,-103.9815C13844.8119,-95.2504 13840.0933,-86.0202 13835.5987,-77.2281\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13838.6842,-75.5745 13831.016,-68.2637 13832.4514,-78.7608 13838.6842,-75.5745\"/>\n</g>\n<!-- 356 -->\n<g id=\"node357\" class=\"node\">\n<title>356</title>\n<path fill=\"#e16aec\" stroke=\"#000000\" d=\"M14016,-68C14016,-68 13909,-68 13909,-68 13903,-68 13897,-62 13897,-56 13897,-56 13897,-12 13897,-12 13897,-6 13903,0 13909,0 13909,0 14016,0 14016,0 14022,0 14028,-6 14028,-12 14028,-12 14028,-56 14028,-56 14028,-62 14022,-68 14016,-68\"/>\n<text text-anchor=\"middle\" x=\"13962.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"13962.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"13962.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 4]</text>\n<text text-anchor=\"middle\" x=\"13962.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 354&#45;&gt;356 -->\n<g id=\"edge356\" class=\"edge\">\n<title>354&#45;&gt;356</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M13904.7574,-103.9815C13912.2649,-94.8828 13920.2196,-85.242 13927.7464,-76.1199\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"13930.5639,-78.2045 13934.2286,-68.2637 13925.1646,-73.7495 13930.5639,-78.2045\"/>\n</g>\n<!-- 361 -->\n<g id=\"node362\" class=\"node\">\n<title>361</title>\n<path fill=\"#eda4f3\" stroke=\"#000000\" d=\"M15063,-901C15063,-901 14860,-901 14860,-901 14854,-901 14848,-895 14848,-889 14848,-889 14848,-830 14848,-830 14848,-824 14854,-818 14860,-818 14860,-818 15063,-818 15063,-818 15069,-818 15075,-824 15075,-830 15075,-830 15075,-889 15075,-889 15075,-895 15069,-901 15063,-901\"/>\n<text text-anchor=\"middle\" x=\"14961.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1885...1932] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14961.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.968</text>\n<text text-anchor=\"middle\" x=\"14961.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1107</text>\n<text text-anchor=\"middle\" x=\"14961.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 385, 2, 718]</text>\n<text text-anchor=\"middle\" x=\"14961.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 360&#45;&gt;361 -->\n<g id=\"edge361\" class=\"edge\">\n<title>360&#45;&gt;361</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15026.5249,-936.8796C15018.9565,-927.8733 15010.8819,-918.2644 15003.088,-908.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15005.7374,-906.7022 14996.6244,-901.2981 15000.3784,-911.2056 15005.7374,-906.7022\"/>\n</g>\n<!-- 382 -->\n<g id=\"node383\" class=\"node\">\n<title>382</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M15220,-893.5C15220,-893.5 15105,-893.5 15105,-893.5 15099,-893.5 15093,-887.5 15093,-881.5 15093,-881.5 15093,-837.5 15093,-837.5 15093,-831.5 15099,-825.5 15105,-825.5 15105,-825.5 15220,-825.5 15220,-825.5 15226,-825.5 15232,-831.5 15232,-837.5 15232,-837.5 15232,-881.5 15232,-881.5 15232,-887.5 15226,-893.5 15220,-893.5\"/>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 45</text>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 45]</text>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 360&#45;&gt;382 -->\n<g id=\"edge382\" class=\"edge\">\n<title>360&#45;&gt;382</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15096.8249,-936.8796C15106.531,-925.4436 15117.0616,-913.0363 15126.7893,-901.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15129.5731,-903.7039 15133.3756,-893.8149 15124.2362,-899.1743 15129.5731,-903.7039\"/>\n</g>\n<!-- 362 -->\n<g id=\"node363\" class=\"node\">\n<title>362</title>\n<path fill=\"#eeabf4\" stroke=\"#000000\" d=\"M14963,-782C14963,-782 14760,-782 14760,-782 14754,-782 14748,-776 14748,-770 14748,-770 14748,-711 14748,-711 14748,-705 14754,-699 14760,-699 14760,-699 14963,-699 14963,-699 14969,-699 14975,-705 14975,-711 14975,-711 14975,-770 14975,-770 14975,-776 14969,-782 14963,-782\"/>\n<text text-anchor=\"middle\" x=\"14861.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1851...1906] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14861.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.982</text>\n<text text-anchor=\"middle\" x=\"14861.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1063</text>\n<text text-anchor=\"middle\" x=\"14861.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 385, 2, 674]</text>\n<text text-anchor=\"middle\" x=\"14861.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 361&#45;&gt;362 -->\n<g id=\"edge362\" class=\"edge\">\n<title>361&#45;&gt;362</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14926.5249,-817.8796C14918.9565,-808.8733 14910.8819,-799.2644 14903.088,-789.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14905.7374,-787.7022 14896.6244,-782.2981 14900.3784,-792.2056 14905.7374,-787.7022\"/>\n</g>\n<!-- 381 -->\n<g id=\"node382\" class=\"node\">\n<title>381</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M15120,-774.5C15120,-774.5 15005,-774.5 15005,-774.5 14999,-774.5 14993,-768.5 14993,-762.5 14993,-762.5 14993,-718.5 14993,-718.5 14993,-712.5 14999,-706.5 15005,-706.5 15005,-706.5 15120,-706.5 15120,-706.5 15126,-706.5 15132,-712.5 15132,-718.5 15132,-718.5 15132,-762.5 15132,-762.5 15132,-768.5 15126,-774.5 15120,-774.5\"/>\n<text text-anchor=\"middle\" x=\"15062.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15062.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 44</text>\n<text text-anchor=\"middle\" x=\"15062.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 44]</text>\n<text text-anchor=\"middle\" x=\"15062.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 361&#45;&gt;381 -->\n<g id=\"edge381\" class=\"edge\">\n<title>361&#45;&gt;381</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14996.8249,-817.8796C15006.531,-806.4436 15017.0616,-794.0363 15026.7893,-782.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15029.5731,-784.7039 15033.3756,-774.8149 15024.2362,-780.1743 15029.5731,-784.7039\"/>\n</g>\n<!-- 363 -->\n<g id=\"node364\" class=\"node\">\n<title>363</title>\n<path fill=\"#eeaaf4\" stroke=\"#000000\" d=\"M14865,-663C14865,-663 14662,-663 14662,-663 14656,-663 14650,-657 14650,-651 14650,-651 14650,-592 14650,-592 14650,-586 14656,-580 14662,-580 14662,-580 14865,-580 14865,-580 14871,-580 14877,-586 14877,-592 14877,-592 14877,-651 14877,-651 14877,-657 14871,-663 14865,-663\"/>\n<text text-anchor=\"middle\" x=\"14763.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1688...1742] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14763.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.964</text>\n<text text-anchor=\"middle\" x=\"14763.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1061</text>\n<text text-anchor=\"middle\" x=\"14763.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 385, 0, 674]</text>\n<text text-anchor=\"middle\" x=\"14763.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 362&#45;&gt;363 -->\n<g id=\"edge363\" class=\"edge\">\n<title>362&#45;&gt;363</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14827.2244,-698.8796C14819.8816,-689.9633 14812.0524,-680.4565 14804.4854,-671.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14806.9808,-668.7924 14797.9219,-663.2981 14801.5773,-673.2424 14806.9808,-668.7924\"/>\n</g>\n<!-- 380 -->\n<g id=\"node381\" class=\"node\">\n<title>380</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M15014,-655.5C15014,-655.5 14907,-655.5 14907,-655.5 14901,-655.5 14895,-649.5 14895,-643.5 14895,-643.5 14895,-599.5 14895,-599.5 14895,-593.5 14901,-587.5 14907,-587.5 14907,-587.5 15014,-587.5 15014,-587.5 15020,-587.5 15026,-593.5 15026,-599.5 15026,-599.5 15026,-643.5 15026,-643.5 15026,-649.5 15020,-655.5 15014,-655.5\"/>\n<text text-anchor=\"middle\" x=\"14960.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14960.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"14960.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"14960.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 362&#45;&gt;380 -->\n<g id=\"edge380\" class=\"edge\">\n<title>362&#45;&gt;380</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14896.1254,-698.8796C14905.6393,-687.4436 14915.9614,-675.0363 14925.4965,-663.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14928.2474,-665.7409 14931.9523,-655.8149 14922.8661,-661.264 14928.2474,-665.7409\"/>\n</g>\n<!-- 364 -->\n<g id=\"node365\" class=\"node\">\n<title>364</title>\n<path fill=\"#eeaaf4\" stroke=\"#000000\" d=\"M14767,-544C14767,-544 14564,-544 14564,-544 14558,-544 14552,-538 14552,-532 14552,-532 14552,-473 14552,-473 14552,-467 14558,-461 14564,-461 14564,-461 14767,-461 14767,-461 14773,-461 14779,-467 14779,-473 14779,-473 14779,-532 14779,-532 14779,-538 14773,-544 14767,-544\"/>\n<text text-anchor=\"middle\" x=\"14665.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Other&#45;service &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14665.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.946</text>\n<text text-anchor=\"middle\" x=\"14665.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1059</text>\n<text text-anchor=\"middle\" x=\"14665.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 385, 0, 674]</text>\n<text text-anchor=\"middle\" x=\"14665.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 363&#45;&gt;364 -->\n<g id=\"edge364\" class=\"edge\">\n<title>363&#45;&gt;364</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14729.2244,-579.8796C14721.8816,-570.9633 14714.0524,-561.4565 14706.4854,-552.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14708.9808,-549.7924 14699.9219,-544.2981 14703.5773,-554.2424 14708.9808,-549.7924\"/>\n</g>\n<!-- 379 -->\n<g id=\"node380\" class=\"node\">\n<title>379</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M14916,-536.5C14916,-536.5 14809,-536.5 14809,-536.5 14803,-536.5 14797,-530.5 14797,-524.5 14797,-524.5 14797,-480.5 14797,-480.5 14797,-474.5 14803,-468.5 14809,-468.5 14809,-468.5 14916,-468.5 14916,-468.5 14922,-468.5 14928,-474.5 14928,-480.5 14928,-480.5 14928,-524.5 14928,-524.5 14928,-530.5 14922,-536.5 14916,-536.5\"/>\n<text text-anchor=\"middle\" x=\"14862.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14862.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"14862.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"14862.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 363&#45;&gt;379 -->\n<g id=\"edge379\" class=\"edge\">\n<title>363&#45;&gt;379</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14798.1254,-579.8796C14807.6393,-568.4436 14817.9614,-556.0363 14827.4965,-544.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14830.2474,-546.7409 14833.9523,-536.8149 14824.8661,-542.264 14830.2474,-546.7409\"/>\n</g>\n<!-- 365 -->\n<g id=\"node366\" class=\"node\">\n<title>365</title>\n<path fill=\"#eda4f3\" stroke=\"#000000\" d=\"M14645,-425C14645,-425 14442,-425 14442,-425 14436,-425 14430,-419 14430,-413 14430,-413 14430,-354 14430,-354 14430,-348 14436,-342 14442,-342 14442,-342 14645,-342 14645,-342 14651,-342 14657,-348 14657,-354 14657,-354 14657,-413 14657,-413 14657,-419 14651,-425 14645,-425\"/>\n<text text-anchor=\"middle\" x=\"14543.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1932...1979] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14543.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.936</text>\n<text text-anchor=\"middle\" x=\"14543.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1035</text>\n<text text-anchor=\"middle\" x=\"14543.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 364, 0, 671]</text>\n<text text-anchor=\"middle\" x=\"14543.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 364&#45;&gt;365 -->\n<g id=\"edge365\" class=\"edge\">\n<title>364&#45;&gt;365</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14622.8303,-460.8796C14613.4123,-451.6931 14603.3516,-441.8798 14593.6672,-432.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14595.9543,-429.7751 14586.3518,-425.2981 14591.0665,-434.7861 14595.9543,-429.7751\"/>\n</g>\n<!-- 372 -->\n<g id=\"node373\" class=\"node\">\n<title>372</title>\n<path fill=\"#61e955\" stroke=\"#000000\" d=\"M14888,-425C14888,-425 14687,-425 14687,-425 14681,-425 14675,-419 14675,-413 14675,-413 14675,-354 14675,-354 14675,-348 14681,-342 14687,-342 14687,-342 14888,-342 14888,-342 14894,-342 14900,-348 14900,-354 14900,-354 14900,-413 14900,-413 14900,-419 14894,-425 14888,-425\"/>\n<text text-anchor=\"middle\" x=\"14787.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">fnlwgt_(308874...456564] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14787.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.544</text>\n<text text-anchor=\"middle\" x=\"14787.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 24</text>\n<text text-anchor=\"middle\" x=\"14787.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 21, 0, 3]</text>\n<text text-anchor=\"middle\" x=\"14787.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 364&#45;&gt;372 -->\n<g id=\"edge372\" class=\"edge\">\n<title>364&#45;&gt;372</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14708.1697,-460.8796C14717.5877,-451.6931 14727.6484,-441.8798 14737.3328,-432.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14739.9335,-434.7861 14744.6482,-425.2981 14735.0457,-429.7751 14739.9335,-434.7861\"/>\n</g>\n<!-- 366 -->\n<g id=\"node367\" class=\"node\">\n<title>366</title>\n<path fill=\"#eea9f4\" stroke=\"#000000\" d=\"M14487,-306C14487,-306 14282,-306 14282,-306 14276,-306 14270,-300 14270,-294 14270,-294 14270,-235 14270,-235 14270,-229 14276,-223 14282,-223 14282,-223 14487,-223 14487,-223 14493,-223 14499,-229 14499,-235 14499,-235 14499,-294 14499,-294 14499,-300 14493,-306 14487,-306\"/>\n<text text-anchor=\"middle\" x=\"14384.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(7500...8750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14384.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.944</text>\n<text text-anchor=\"middle\" x=\"14384.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1008</text>\n<text text-anchor=\"middle\" x=\"14384.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 364, 0, 644]</text>\n<text text-anchor=\"middle\" x=\"14384.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 365&#45;&gt;366 -->\n<g id=\"edge366\" class=\"edge\">\n<title>365&#45;&gt;366</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14487.8895,-341.8796C14475.0597,-332.2774 14461.3148,-321.9903 14448.1714,-312.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14450.1823,-309.2868 14440.0791,-306.0969 14445.9879,-314.891 14450.1823,-309.2868\"/>\n</g>\n<!-- 371 -->\n<g id=\"node372\" class=\"node\">\n<title>371</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M14644,-298.5C14644,-298.5 14529,-298.5 14529,-298.5 14523,-298.5 14517,-292.5 14517,-286.5 14517,-286.5 14517,-242.5 14517,-242.5 14517,-236.5 14523,-230.5 14529,-230.5 14529,-230.5 14644,-230.5 14644,-230.5 14650,-230.5 14656,-236.5 14656,-242.5 14656,-242.5 14656,-286.5 14656,-286.5 14656,-292.5 14650,-298.5 14644,-298.5\"/>\n<text text-anchor=\"middle\" x=\"14586.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14586.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 27</text>\n<text text-anchor=\"middle\" x=\"14586.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 27]</text>\n<text text-anchor=\"middle\" x=\"14586.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 365&#45;&gt;371 -->\n<g id=\"edge371\" class=\"edge\">\n<title>365&#45;&gt;371</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14558.5393,-341.8796C14562.473,-330.9935 14566.7247,-319.227 14570.6968,-308.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14573.9937,-309.4092 14574.1005,-298.8149 14567.4103,-307.0303 14573.9937,-309.4092\"/>\n</g>\n<!-- 367 -->\n<g id=\"node368\" class=\"node\">\n<title>367</title>\n<path fill=\"#efaef4\" stroke=\"#000000\" d=\"M14375,-187C14375,-187 14170,-187 14170,-187 14164,-187 14158,-181 14158,-175 14158,-175 14158,-116 14158,-116 14158,-110 14164,-104 14170,-104 14170,-104 14375,-104 14375,-104 14381,-104 14387,-110 14387,-116 14387,-116 14387,-175 14387,-175 14387,-181 14381,-187 14375,-187\"/>\n<text text-anchor=\"middle\" x=\"14272.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(6250...7500] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14272.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.951</text>\n<text text-anchor=\"middle\" x=\"14272.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 981</text>\n<text text-anchor=\"middle\" x=\"14272.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 364, 0, 617]</text>\n<text text-anchor=\"middle\" x=\"14272.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 366&#45;&gt;367 -->\n<g id=\"edge367\" class=\"edge\">\n<title>366&#45;&gt;367</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14345.3278,-222.8796C14336.7665,-213.7832 14327.6268,-204.0722 14318.8168,-194.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14321.2417,-192.1813 14311.8394,-187.2981 14316.1443,-196.9789 14321.2417,-192.1813\"/>\n</g>\n<!-- 370 -->\n<g id=\"node371\" class=\"node\">\n<title>370</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M14532,-179.5C14532,-179.5 14417,-179.5 14417,-179.5 14411,-179.5 14405,-173.5 14405,-167.5 14405,-167.5 14405,-123.5 14405,-123.5 14405,-117.5 14411,-111.5 14417,-111.5 14417,-111.5 14532,-111.5 14532,-111.5 14538,-111.5 14544,-117.5 14544,-123.5 14544,-123.5 14544,-167.5 14544,-167.5 14544,-173.5 14538,-179.5 14532,-179.5\"/>\n<text text-anchor=\"middle\" x=\"14474.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14474.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 27</text>\n<text text-anchor=\"middle\" x=\"14474.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 27]</text>\n<text text-anchor=\"middle\" x=\"14474.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 366&#45;&gt;370 -->\n<g id=\"edge370\" class=\"edge\">\n<title>366&#45;&gt;370</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14415.9776,-222.8796C14424.5435,-211.5536 14433.83,-199.2748 14442.4283,-187.9058\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14445.3069,-189.902 14448.5475,-179.8149 14439.7238,-185.6795 14445.3069,-189.902\"/>\n</g>\n<!-- 368 -->\n<g id=\"node369\" class=\"node\">\n<title>368</title>\n<path fill=\"#f0b3f5\" stroke=\"#000000\" d=\"M14228.5,-68C14228.5,-68 14088.5,-68 14088.5,-68 14082.5,-68 14076.5,-62 14076.5,-56 14076.5,-56 14076.5,-12 14076.5,-12 14076.5,-6 14082.5,0 14088.5,0 14088.5,0 14228.5,0 14228.5,0 14234.5,0 14240.5,-6 14240.5,-12 14240.5,-12 14240.5,-56 14240.5,-56 14240.5,-62 14234.5,-68 14228.5,-68\"/>\n<text text-anchor=\"middle\" x=\"14158.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.959</text>\n<text text-anchor=\"middle\" x=\"14158.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 954</text>\n<text text-anchor=\"middle\" x=\"14158.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 364, 0, 590]</text>\n<text text-anchor=\"middle\" x=\"14158.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 367&#45;&gt;368 -->\n<g id=\"edge368\" class=\"edge\">\n<title>367&#45;&gt;368</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14230.0506,-103.9815C14220.4659,-94.607 14210.293,-84.6572 14200.7179,-75.2921\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14203.1283,-72.7538 14193.5319,-68.2637 14198.2337,-77.7581 14203.1283,-72.7538\"/>\n</g>\n<!-- 369 -->\n<g id=\"node370\" class=\"node\">\n<title>369</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M14386,-68C14386,-68 14271,-68 14271,-68 14265,-68 14259,-62 14259,-56 14259,-56 14259,-12 14259,-12 14259,-6 14265,0 14271,0 14271,0 14386,0 14386,0 14392,0 14398,-6 14398,-12 14398,-12 14398,-56 14398,-56 14398,-62 14392,-68 14386,-68\"/>\n<text text-anchor=\"middle\" x=\"14328.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14328.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 27</text>\n<text text-anchor=\"middle\" x=\"14328.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 27]</text>\n<text text-anchor=\"middle\" x=\"14328.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 367&#45;&gt;369 -->\n<g id=\"edge369\" class=\"edge\">\n<title>367&#45;&gt;369</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14293.3523,-103.9815C14297.7375,-95.2504 14302.3733,-86.0202 14306.789,-77.2281\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14309.9308,-78.7708 14311.2913,-68.2637 14303.6754,-75.6291 14309.9308,-78.7708\"/>\n</g>\n<!-- 373 -->\n<g id=\"node374\" class=\"node\">\n<title>373</title>\n<path fill=\"#50e643\" stroke=\"#000000\" d=\"M14823,-306C14823,-306 14708,-306 14708,-306 14702,-306 14696,-300 14696,-294 14696,-294 14696,-235 14696,-235 14696,-229 14702,-223 14708,-223 14708,-223 14823,-223 14823,-223 14829,-223 14835,-229 14835,-235 14835,-235 14835,-294 14835,-294 14835,-300 14829,-306 14823,-306\"/>\n<text text-anchor=\"middle\" x=\"14765.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">race_Other &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14765.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.276</text>\n<text text-anchor=\"middle\" x=\"14765.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 21</text>\n<text text-anchor=\"middle\" x=\"14765.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"14765.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 372&#45;&gt;373 -->\n<g id=\"edge373\" class=\"edge\">\n<title>372&#45;&gt;373</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14779.8055,-341.8796C14778.2736,-333.5938 14776.6475,-324.798 14775.062,-316.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14778.4871,-315.4951 14773.2274,-306.2981 14771.6037,-316.7677 14778.4871,-315.4951\"/>\n</g>\n<!-- 376 -->\n<g id=\"node377\" class=\"node\">\n<title>376</title>\n<path fill=\"#eb9cf2\" stroke=\"#000000\" d=\"M15038,-306C15038,-306 14865,-306 14865,-306 14859,-306 14853,-300 14853,-294 14853,-294 14853,-235 14853,-235 14853,-229 14859,-223 14865,-223 14865,-223 15038,-223 15038,-223 15044,-223 15050,-229 15050,-235 15050,-235 15050,-294 15050,-294 15050,-300 15044,-306 15038,-306\"/>\n<text text-anchor=\"middle\" x=\"14951.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Local&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"14951.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"14951.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"14951.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"14951.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 372&#45;&gt;376 -->\n<g id=\"edge376\" class=\"edge\">\n<title>372&#45;&gt;376</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14844.8592,-341.8796C14858.0925,-332.2774 14872.2697,-321.9903 14885.8264,-312.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14888.1349,-314.8027 14894.1731,-306.0969 14884.0238,-309.1371 14888.1349,-314.8027\"/>\n</g>\n<!-- 374 -->\n<g id=\"node375\" class=\"node\">\n<title>374</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M14689,-179.5C14689,-179.5 14574,-179.5 14574,-179.5 14568,-179.5 14562,-173.5 14562,-167.5 14562,-167.5 14562,-123.5 14562,-123.5 14562,-117.5 14568,-111.5 14574,-111.5 14574,-111.5 14689,-111.5 14689,-111.5 14695,-111.5 14701,-117.5 14701,-123.5 14701,-123.5 14701,-167.5 14701,-167.5 14701,-173.5 14695,-179.5 14689,-179.5\"/>\n<text text-anchor=\"middle\" x=\"14631.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14631.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 20</text>\n<text text-anchor=\"middle\" x=\"14631.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 20, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"14631.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 373&#45;&gt;374 -->\n<g id=\"edge374\" class=\"edge\">\n<title>373&#45;&gt;374</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14718.6333,-222.8796C14705.3844,-211.1138 14690.9776,-198.3197 14677.7644,-186.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14679.9416,-183.8381 14670.1403,-179.8149 14675.2935,-189.0722 14679.9416,-183.8381\"/>\n</g>\n<!-- 375 -->\n<g id=\"node376\" class=\"node\">\n<title>375</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M14838,-179.5C14838,-179.5 14731,-179.5 14731,-179.5 14725,-179.5 14719,-173.5 14719,-167.5 14719,-167.5 14719,-123.5 14719,-123.5 14719,-117.5 14725,-111.5 14731,-111.5 14731,-111.5 14838,-111.5 14838,-111.5 14844,-111.5 14850,-117.5 14850,-123.5 14850,-123.5 14850,-167.5 14850,-167.5 14850,-173.5 14844,-179.5 14838,-179.5\"/>\n<text text-anchor=\"middle\" x=\"14784.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14784.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"14784.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 1]</text>\n<text text-anchor=\"middle\" x=\"14784.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 373&#45;&gt;375 -->\n<g id=\"edge375\" class=\"edge\">\n<title>373&#45;&gt;375</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14772.1453,-222.8796C14773.8483,-212.2134 14775.6862,-200.7021 14777.4107,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14780.9006,-190.2417 14779.0211,-179.8149 14773.9882,-189.138 14780.9006,-190.2417\"/>\n</g>\n<!-- 377 -->\n<g id=\"node378\" class=\"node\">\n<title>377</title>\n<path fill=\"#d739e5\" stroke=\"#000000\" d=\"M14987,-179.5C14987,-179.5 14880,-179.5 14880,-179.5 14874,-179.5 14868,-173.5 14868,-167.5 14868,-167.5 14868,-123.5 14868,-123.5 14868,-117.5 14874,-111.5 14880,-111.5 14880,-111.5 14987,-111.5 14987,-111.5 14993,-111.5 14999,-117.5 14999,-123.5 14999,-123.5 14999,-167.5 14999,-167.5 14999,-173.5 14993,-179.5 14987,-179.5\"/>\n<text text-anchor=\"middle\" x=\"14933.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"14933.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"14933.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 0, 2]</text>\n<text text-anchor=\"middle\" x=\"14933.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K.</text>\n</g>\n<!-- 376&#45;&gt;377 -->\n<g id=\"edge377\" class=\"edge\">\n<title>376&#45;&gt;377</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14945.2045,-222.8796C14943.5911,-212.2134 14941.8499,-200.7021 14940.2162,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"14943.6468,-189.179 14938.6905,-179.8149 14936.7255,-190.226 14943.6468,-189.179\"/>\n</g>\n<!-- 378 -->\n<g id=\"node379\" class=\"node\">\n<title>378</title>\n<path fill=\"#47e539\" stroke=\"#000000\" d=\"M15136,-179.5C15136,-179.5 15029,-179.5 15029,-179.5 15023,-179.5 15017,-173.5 15017,-167.5 15017,-167.5 15017,-123.5 15017,-123.5 15017,-117.5 15023,-111.5 15029,-111.5 15029,-111.5 15136,-111.5 15136,-111.5 15142,-111.5 15148,-117.5 15148,-123.5 15148,-123.5 15148,-167.5 15148,-167.5 15148,-173.5 15142,-179.5 15136,-179.5\"/>\n<text text-anchor=\"middle\" x=\"15082.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15082.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"15082.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 1, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15082.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K.</text>\n</g>\n<!-- 376&#45;&gt;378 -->\n<g id=\"edge378\" class=\"edge\">\n<title>376&#45;&gt;378</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M14997.3174,-222.8796C15010.2697,-211.1138 15024.354,-198.3197 15037.2714,-186.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15039.6761,-189.1296 15044.7247,-179.8149 15034.9694,-183.9482 15039.6761,-189.1296\"/>\n</g>\n<!-- 384 -->\n<g id=\"node385\" class=\"node\">\n<title>384</title>\n<path fill=\"#8cc6f0\" stroke=\"#000000\" d=\"M15949.5,-1020C15949.5,-1020 15763.5,-1020 15763.5,-1020 15757.5,-1020 15751.5,-1014 15751.5,-1008 15751.5,-1008 15751.5,-949 15751.5,-949 15751.5,-943 15757.5,-937 15763.5,-937 15763.5,-937 15949.5,-937 15949.5,-937 15955.5,-937 15961.5,-943 15961.5,-949 15961.5,-949 15961.5,-1008 15961.5,-1008 15961.5,-1014 15955.5,-1020 15949.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"15856.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_High&#45;school &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15856.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.876</text>\n<text text-anchor=\"middle\" x=\"15856.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 44</text>\n<text text-anchor=\"middle\" x=\"15856.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [13, 0, 31, 0]</text>\n<text text-anchor=\"middle\" x=\"15856.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 383&#45;&gt;384 -->\n<g id=\"edge384\" class=\"edge\">\n<title>383&#45;&gt;384</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15918.9239,-1055.8796C15911.7309,-1046.9633 15904.0616,-1037.4565 15896.649,-1028.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15899.2224,-1025.8836 15890.2195,-1020.2981 15893.7742,-1030.2788 15899.2224,-1025.8836\"/>\n</g>\n<!-- 403 -->\n<g id=\"node404\" class=\"node\">\n<title>403</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M16107,-1012.5C16107,-1012.5 15992,-1012.5 15992,-1012.5 15986,-1012.5 15980,-1006.5 15980,-1000.5 15980,-1000.5 15980,-956.5 15980,-956.5 15980,-950.5 15986,-944.5 15992,-944.5 15992,-944.5 16107,-944.5 16107,-944.5 16113,-944.5 16119,-950.5 16119,-956.5 16119,-956.5 16119,-1000.5 16119,-1000.5 16119,-1006.5 16113,-1012.5 16107,-1012.5\"/>\n<text text-anchor=\"middle\" x=\"16049.5\" y=\"-997.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16049.5\" y=\"-982.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 28</text>\n<text text-anchor=\"middle\" x=\"16049.5\" y=\"-967.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 28, 0]</text>\n<text text-anchor=\"middle\" x=\"16049.5\" y=\"-952.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 383&#45;&gt;403 -->\n<g id=\"edge403\" class=\"edge\">\n<title>383&#45;&gt;403</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15986.4259,-1055.8796C15995.7476,-1044.4436 16005.8612,-1032.0363 16015.2036,-1020.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16017.9237,-1022.7775 16021.529,-1012.8149 16012.4979,-1018.3548 16017.9237,-1022.7775\"/>\n</g>\n<!-- 385 -->\n<g id=\"node386\" class=\"node\">\n<title>385</title>\n<path fill=\"#79bded\" stroke=\"#000000\" d=\"M15860,-901C15860,-901 15657,-901 15657,-901 15651,-901 15645,-895 15645,-889 15645,-889 15645,-830 15645,-830 15645,-824 15651,-818 15657,-818 15657,-818 15860,-818 15860,-818 15866,-818 15872,-824 15872,-830 15872,-830 15872,-889 15872,-889 15872,-895 15866,-901 15860,-901\"/>\n<text text-anchor=\"middle\" x=\"15758.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1688...1742] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15758.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.801</text>\n<text text-anchor=\"middle\" x=\"15758.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 41</text>\n<text text-anchor=\"middle\" x=\"15758.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [10, 0, 31, 0]</text>\n<text text-anchor=\"middle\" x=\"15758.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 384&#45;&gt;385 -->\n<g id=\"edge385\" class=\"edge\">\n<title>384&#45;&gt;385</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15822.2244,-936.8796C15814.8816,-927.9633 15807.0524,-918.4565 15799.4854,-909.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15801.9808,-906.7924 15792.9219,-901.2981 15796.5773,-911.2424 15801.9808,-906.7924\"/>\n</g>\n<!-- 402 -->\n<g id=\"node403\" class=\"node\">\n<title>402</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M16009,-893.5C16009,-893.5 15902,-893.5 15902,-893.5 15896,-893.5 15890,-887.5 15890,-881.5 15890,-881.5 15890,-837.5 15890,-837.5 15890,-831.5 15896,-825.5 15902,-825.5 15902,-825.5 16009,-825.5 16009,-825.5 16015,-825.5 16021,-831.5 16021,-837.5 16021,-837.5 16021,-881.5 16021,-881.5 16021,-887.5 16015,-893.5 16009,-893.5\"/>\n<text text-anchor=\"middle\" x=\"15955.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15955.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"15955.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15955.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 384&#45;&gt;402 -->\n<g id=\"edge402\" class=\"edge\">\n<title>384&#45;&gt;402</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15891.1254,-936.8796C15900.6393,-925.4436 15910.9614,-913.0363 15920.4965,-901.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15923.2474,-903.7409 15926.9523,-893.8149 15917.8661,-899.264 15923.2474,-903.7409\"/>\n</g>\n<!-- 386 -->\n<g id=\"node387\" class=\"node\">\n<title>386</title>\n<path fill=\"#66b3eb\" stroke=\"#000000\" d=\"M15761.5,-782C15761.5,-782 15557.5,-782 15557.5,-782 15551.5,-782 15545.5,-776 15545.5,-770 15545.5,-770 15545.5,-711 15545.5,-711 15545.5,-705 15551.5,-699 15557.5,-699 15557.5,-699 15761.5,-699 15761.5,-699 15767.5,-699 15773.5,-705 15773.5,-711 15773.5,-711 15773.5,-770 15773.5,-770 15773.5,-776 15767.5,-782 15761.5,-782\"/>\n<text text-anchor=\"middle\" x=\"15659.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Prof&#45;specialty &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15659.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.689</text>\n<text text-anchor=\"middle\" x=\"15659.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 38</text>\n<text text-anchor=\"middle\" x=\"15659.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7, 0, 31, 0]</text>\n<text text-anchor=\"middle\" x=\"15659.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 385&#45;&gt;386 -->\n<g id=\"edge386\" class=\"edge\">\n<title>385&#45;&gt;386</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15723.8746,-817.8796C15716.382,-808.8733 15708.3881,-799.2644 15700.6721,-789.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15703.3593,-787.7472 15694.2732,-782.2981 15697.9781,-792.224 15703.3593,-787.7472\"/>\n</g>\n<!-- 401 -->\n<g id=\"node402\" class=\"node\">\n<title>401</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M15911,-774.5C15911,-774.5 15804,-774.5 15804,-774.5 15798,-774.5 15792,-768.5 15792,-762.5 15792,-762.5 15792,-718.5 15792,-718.5 15792,-712.5 15798,-706.5 15804,-706.5 15804,-706.5 15911,-706.5 15911,-706.5 15917,-706.5 15923,-712.5 15923,-718.5 15923,-718.5 15923,-762.5 15923,-762.5 15923,-768.5 15917,-774.5 15911,-774.5\"/>\n<text text-anchor=\"middle\" x=\"15857.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15857.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"15857.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15857.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 385&#45;&gt;401 -->\n<g id=\"edge401\" class=\"edge\">\n<title>385&#45;&gt;401</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15793.1254,-817.8796C15802.6393,-806.4436 15812.9614,-794.0363 15822.4965,-782.575\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15825.2474,-784.7409 15828.9523,-774.8149 15819.8661,-780.264 15825.2474,-784.7409\"/>\n</g>\n<!-- 387 -->\n<g id=\"node388\" class=\"node\">\n<title>387</title>\n<path fill=\"#8bc5f0\" stroke=\"#000000\" d=\"M15651,-663C15651,-663 15488,-663 15488,-663 15482,-663 15476,-657 15476,-651 15476,-651 15476,-592 15476,-592 15476,-586 15482,-580 15488,-580 15488,-580 15651,-580 15651,-580 15657,-580 15663,-586 15663,-592 15663,-592 15663,-651 15663,-651 15663,-657 15657,-663 15651,-663\"/>\n<text text-anchor=\"middle\" x=\"15569.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_HS&#45;grad &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15569.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.871</text>\n<text text-anchor=\"middle\" x=\"15569.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 24</text>\n<text text-anchor=\"middle\" x=\"15569.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7, 0, 17, 0]</text>\n<text text-anchor=\"middle\" x=\"15569.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 386&#45;&gt;387 -->\n<g id=\"edge387\" class=\"edge\">\n<title>386&#45;&gt;387</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15628.0224,-698.8796C15621.3471,-690.0534 15614.2342,-680.6485 15607.3504,-671.5466\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15609.9357,-669.1626 15601.112,-663.2981 15604.3526,-673.3852 15609.9357,-669.1626\"/>\n</g>\n<!-- 400 -->\n<g id=\"node401\" class=\"node\">\n<title>400</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M15808,-655.5C15808,-655.5 15693,-655.5 15693,-655.5 15687,-655.5 15681,-649.5 15681,-643.5 15681,-643.5 15681,-599.5 15681,-599.5 15681,-593.5 15687,-587.5 15693,-587.5 15693,-587.5 15808,-587.5 15808,-587.5 15814,-587.5 15820,-593.5 15820,-599.5 15820,-599.5 15820,-643.5 15820,-643.5 15820,-649.5 15814,-655.5 15808,-655.5\"/>\n<text text-anchor=\"middle\" x=\"15750.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15750.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 14</text>\n<text text-anchor=\"middle\" x=\"15750.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 14, 0]</text>\n<text text-anchor=\"middle\" x=\"15750.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 386&#45;&gt;400 -->\n<g id=\"edge400\" class=\"edge\">\n<title>386&#45;&gt;400</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15691.3274,-698.8796C15699.9884,-687.5536 15709.3781,-675.2748 15718.072,-663.9058\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15720.9649,-665.8846 15724.2592,-655.8149 15715.4044,-661.6324 15720.9649,-665.8846\"/>\n</g>\n<!-- 388 -->\n<g id=\"node389\" class=\"node\">\n<title>388</title>\n<path fill=\"#73baed\" stroke=\"#000000\" d=\"M15551.5,-544C15551.5,-544 15429.5,-544 15429.5,-544 15423.5,-544 15417.5,-538 15417.5,-532 15417.5,-532 15417.5,-473 15417.5,-473 15417.5,-467 15423.5,-461 15429.5,-461 15429.5,-461 15551.5,-461 15551.5,-461 15557.5,-461 15563.5,-467 15563.5,-473 15563.5,-473 15563.5,-532 15563.5,-532 15563.5,-538 15557.5,-544 15551.5,-544\"/>\n<text text-anchor=\"middle\" x=\"15490.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(41...46] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15490.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.773</text>\n<text text-anchor=\"middle\" x=\"15490.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 22</text>\n<text text-anchor=\"middle\" x=\"15490.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [5, 0, 17, 0]</text>\n<text text-anchor=\"middle\" x=\"15490.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 387&#45;&gt;388 -->\n<g id=\"edge388\" class=\"edge\">\n<title>387&#45;&gt;388</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15541.8696,-579.8796C15536.07,-571.1434 15529.8941,-561.8404 15523.9092,-552.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15526.6951,-550.6935 15518.2483,-544.2981 15520.8632,-554.5652 15526.6951,-550.6935\"/>\n</g>\n<!-- 399 -->\n<g id=\"node400\" class=\"node\">\n<title>399</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M15701,-536.5C15701,-536.5 15594,-536.5 15594,-536.5 15588,-536.5 15582,-530.5 15582,-524.5 15582,-524.5 15582,-480.5 15582,-480.5 15582,-474.5 15588,-468.5 15594,-468.5 15594,-468.5 15701,-468.5 15701,-468.5 15707,-468.5 15713,-474.5 15713,-480.5 15713,-480.5 15713,-524.5 15713,-524.5 15713,-530.5 15707,-536.5 15701,-536.5\"/>\n<text text-anchor=\"middle\" x=\"15647.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15647.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"15647.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15647.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 387&#45;&gt;399 -->\n<g id=\"edge399\" class=\"edge\">\n<title>387&#45;&gt;399</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15596.7806,-579.8796C15604.1323,-568.6636 15612.0964,-556.5131 15619.4874,-545.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15622.4531,-547.0972 15625.0079,-536.8149 15616.5986,-543.2598 15622.4531,-547.0972\"/>\n</g>\n<!-- 389 -->\n<g id=\"node390\" class=\"node\">\n<title>389</title>\n<path fill=\"#5eafea\" stroke=\"#000000\" d=\"M15481,-425C15481,-425 15284,-425 15284,-425 15278,-425 15272,-419 15272,-413 15272,-413 15272,-354 15272,-354 15272,-348 15278,-342 15284,-342 15284,-342 15481,-342 15481,-342 15487,-342 15493,-348 15493,-354 15493,-354 15493,-413 15493,-413 15493,-419 15487,-425 15481,-425\"/>\n<text text-anchor=\"middle\" x=\"15382.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">race_Asian&#45;Pac&#45;Islander &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15382.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.629</text>\n<text text-anchor=\"middle\" x=\"15382.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 19</text>\n<text text-anchor=\"middle\" x=\"15382.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 16, 0]</text>\n<text text-anchor=\"middle\" x=\"15382.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 388&#45;&gt;389 -->\n<g id=\"edge389\" class=\"edge\">\n<title>388&#45;&gt;389</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15452.7268,-460.8796C15444.4713,-451.7832 15435.658,-442.0722 15427.1626,-432.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15429.7467,-430.3509 15420.4344,-425.2981 15424.5632,-435.0553 15429.7467,-430.3509\"/>\n</g>\n<!-- 396 -->\n<g id=\"node397\" class=\"node\">\n<title>396</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M15676,-425C15676,-425 15523,-425 15523,-425 15517,-425 15511,-419 15511,-413 15511,-413 15511,-354 15511,-354 15511,-348 15517,-342 15523,-342 15523,-342 15676,-342 15676,-342 15682,-342 15688,-348 15688,-354 15688,-354 15688,-413 15688,-413 15688,-419 15682,-425 15676,-425\"/>\n<text text-anchor=\"middle\" x=\"15599.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Sales &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15599.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"15599.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"15599.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"15599.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 388&#45;&gt;396 -->\n<g id=\"edge396\" class=\"edge\">\n<title>388&#45;&gt;396</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15528.6229,-460.8796C15536.9549,-451.7832 15545.8498,-442.0722 15554.4239,-432.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15557.0408,-435.0363 15561.2144,-425.2981 15551.8789,-430.3081 15557.0408,-435.0363\"/>\n</g>\n<!-- 390 -->\n<g id=\"node391\" class=\"node\">\n<title>390</title>\n<path fill=\"#52a9e8\" stroke=\"#000000\" d=\"M15321,-306C15321,-306 15118,-306 15118,-306 15112,-306 15106,-300 15106,-294 15106,-294 15106,-235 15106,-235 15106,-229 15112,-223 15118,-223 15118,-223 15321,-223 15321,-223 15327,-223 15333,-229 15333,-235 15333,-235 15333,-294 15333,-294 15333,-300 15327,-306 15321,-306\"/>\n<text text-anchor=\"middle\" x=\"15219.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1525...1579] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15219.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.503</text>\n<text text-anchor=\"middle\" x=\"15219.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 18</text>\n<text text-anchor=\"middle\" x=\"15219.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 16, 0]</text>\n<text text-anchor=\"middle\" x=\"15219.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 389&#45;&gt;390 -->\n<g id=\"edge390\" class=\"edge\">\n<title>389&#45;&gt;390</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15325.4905,-341.8796C15312.3379,-332.2774 15298.2472,-321.9903 15284.7732,-312.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15286.6177,-309.1666 15276.4773,-306.0969 15282.4902,-314.8202 15286.6177,-309.1666\"/>\n</g>\n<!-- 395 -->\n<g id=\"node396\" class=\"node\">\n<title>395</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M15470,-298.5C15470,-298.5 15363,-298.5 15363,-298.5 15357,-298.5 15351,-292.5 15351,-286.5 15351,-286.5 15351,-242.5 15351,-242.5 15351,-236.5 15357,-230.5 15363,-230.5 15363,-230.5 15470,-230.5 15470,-230.5 15476,-230.5 15482,-236.5 15482,-242.5 15482,-242.5 15482,-286.5 15482,-286.5 15482,-292.5 15476,-298.5 15470,-298.5\"/>\n<text text-anchor=\"middle\" x=\"15416.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15416.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"15416.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15416.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 389&#45;&gt;395 -->\n<g id=\"edge395\" class=\"edge\">\n<title>389&#45;&gt;395</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15394.3916,-341.8796C15397.4705,-331.1034 15400.7958,-319.4647 15403.9092,-308.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15407.3138,-309.3917 15406.6957,-298.8149 15400.5831,-307.4686 15407.3138,-309.3917\"/>\n</g>\n<!-- 391 -->\n<g id=\"node392\" class=\"node\">\n<title>391</title>\n<path fill=\"#45a3e7\" stroke=\"#000000\" d=\"M15300.5,-187C15300.5,-187 15178.5,-187 15178.5,-187 15172.5,-187 15166.5,-181 15166.5,-175 15166.5,-175 15166.5,-116 15166.5,-116 15166.5,-110 15172.5,-104 15178.5,-104 15178.5,-104 15300.5,-104 15300.5,-104 15306.5,-104 15312.5,-110 15312.5,-116 15312.5,-116 15312.5,-175 15312.5,-175 15312.5,-181 15306.5,-187 15300.5,-187\"/>\n<text text-anchor=\"middle\" x=\"15239.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(46...51] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"15239.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.323</text>\n<text text-anchor=\"middle\" x=\"15239.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 17</text>\n<text text-anchor=\"middle\" x=\"15239.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 16, 0]</text>\n<text text-anchor=\"middle\" x=\"15239.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 390&#45;&gt;391 -->\n<g id=\"edge391\" class=\"edge\">\n<title>390&#45;&gt;391</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15226.495,-222.8796C15227.8876,-214.5938 15229.3659,-205.798 15230.8073,-197.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15234.2692,-197.7399 15232.4751,-187.2981 15227.366,-196.5796 15234.2692,-197.7399\"/>\n</g>\n<!-- 394 -->\n<g id=\"node395\" class=\"node\">\n<title>394</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M15450,-179.5C15450,-179.5 15343,-179.5 15343,-179.5 15337,-179.5 15331,-173.5 15331,-167.5 15331,-167.5 15331,-123.5 15331,-123.5 15331,-117.5 15337,-111.5 15343,-111.5 15343,-111.5 15450,-111.5 15450,-111.5 15456,-111.5 15462,-117.5 15462,-123.5 15462,-123.5 15462,-167.5 15462,-167.5 15462,-173.5 15456,-179.5 15450,-179.5\"/>\n<text text-anchor=\"middle\" x=\"15396.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15396.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"15396.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15396.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 390&#45;&gt;394 -->\n<g id=\"edge394\" class=\"edge\">\n<title>390&#45;&gt;394</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15281.406,-222.8796C15299.4828,-210.7263 15319.1914,-197.4759 15337.1087,-185.4297\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15339.3996,-188.1071 15345.7456,-179.623 15335.4939,-182.2979 15339.3996,-188.1071\"/>\n</g>\n<!-- 392 -->\n<g id=\"node393\" class=\"node\">\n<title>392</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M15220,-68C15220,-68 15105,-68 15105,-68 15099,-68 15093,-62 15093,-56 15093,-56 15093,-12 15093,-12 15093,-6 15099,0 15105,0 15105,0 15220,0 15220,0 15226,0 15232,-6 15232,-12 15232,-12 15232,-56 15232,-56 15232,-62 15226,-68 15220,-68\"/>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 15</text>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 15, 0]</text>\n<text text-anchor=\"middle\" x=\"15162.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 391&#45;&gt;392 -->\n<g id=\"edge392\" class=\"edge\">\n<title>391&#45;&gt;392</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15210.828,-103.9815C15204.6715,-95.0666 15198.1557,-85.6313 15191.9695,-76.6734\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15194.7245,-74.5034 15186.1619,-68.2637 15188.9645,-78.4811 15194.7245,-74.5034\"/>\n</g>\n<!-- 393 -->\n<g id=\"node394\" class=\"node\">\n<title>393</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M15369,-68C15369,-68 15262,-68 15262,-68 15256,-68 15250,-62 15250,-56 15250,-56 15250,-12 15250,-12 15250,-6 15256,0 15262,0 15262,0 15369,0 15369,0 15375,0 15381,-6 15381,-12 15381,-12 15381,-56 15381,-56 15381,-62 15375,-68 15369,-68\"/>\n<text text-anchor=\"middle\" x=\"15315.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"15315.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"15315.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"15315.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 391&#45;&gt;393 -->\n<g id=\"edge393\" class=\"edge\">\n<title>391&#45;&gt;393</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15267.7996,-103.9815C15273.8762,-95.0666 15280.3074,-85.6313 15286.4132,-76.6734\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15289.4052,-78.498 15292.1454,-68.2637 15283.6211,-74.5555 15289.4052,-78.498\"/>\n</g>\n<!-- 397 -->\n<g id=\"node398\" class=\"node\">\n<title>397</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M15619,-298.5C15619,-298.5 15512,-298.5 15512,-298.5 15506,-298.5 15500,-292.5 15500,-286.5 15500,-286.5 15500,-242.5 15500,-242.5 15500,-236.5 15506,-230.5 15512,-230.5 15512,-230.5 15619,-230.5 15619,-230.5 15625,-230.5 15631,-236.5 15631,-242.5 15631,-242.5 15631,-286.5 15631,-286.5 15631,-292.5 15625,-298.5 15619,-298.5\"/>\n<text text-anchor=\"middle\" x=\"15565.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15565.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"15565.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"15565.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 396&#45;&gt;397 -->\n<g id=\"edge397\" class=\"edge\">\n<title>396&#45;&gt;397</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15587.6084,-341.8796C15584.5295,-331.1034 15581.2042,-319.4647 15578.0908,-308.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15581.4169,-307.4686 15575.3043,-298.8149 15574.6862,-309.3917 15581.4169,-307.4686\"/>\n</g>\n<!-- 398 -->\n<g id=\"node399\" class=\"node\">\n<title>398</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M15768,-298.5C15768,-298.5 15661,-298.5 15661,-298.5 15655,-298.5 15649,-292.5 15649,-286.5 15649,-286.5 15649,-242.5 15649,-242.5 15649,-236.5 15655,-230.5 15661,-230.5 15661,-230.5 15768,-230.5 15768,-230.5 15774,-230.5 15780,-236.5 15780,-242.5 15780,-242.5 15780,-286.5 15780,-286.5 15780,-292.5 15774,-298.5 15768,-298.5\"/>\n<text text-anchor=\"middle\" x=\"15714.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15714.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"15714.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15714.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 396&#45;&gt;398 -->\n<g id=\"edge398\" class=\"edge\">\n<title>396&#45;&gt;398</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15639.7214,-341.8796C15650.8792,-330.3337 15662.9939,-317.7976 15674.1586,-306.2446\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15676.9061,-308.4381 15681.3385,-298.8149 15671.8725,-303.5736 15676.9061,-308.4381\"/>\n</g>\n<!-- 405 -->\n<g id=\"node406\" class=\"node\">\n<title>405</title>\n<path fill=\"#dfeffb\" stroke=\"#000000\" d=\"M17558,-1139C17558,-1139 17355,-1139 17355,-1139 17349,-1139 17343,-1133 17343,-1127 17343,-1127 17343,-1068 17343,-1068 17343,-1062 17349,-1056 17355,-1056 17355,-1056 17558,-1056 17558,-1056 17564,-1056 17570,-1062 17570,-1068 17570,-1068 17570,-1127 17570,-1127 17570,-1133 17564,-1139 17558,-1139\"/>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1960...2015] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.995</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 173</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [79, 0, 94, 0]</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 404&#45;&gt;405 -->\n<g id=\"edge405\" class=\"edge\">\n<title>404&#45;&gt;405</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17684.619,-1176.8747C17650.9611,-1165.1634 17613.9678,-1152.2914 17579.7481,-1140.3846\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17580.7698,-1137.0343 17570.175,-1137.0536 17578.4694,-1143.6455 17580.7698,-1137.0343\"/>\n</g>\n<!-- 462 -->\n<g id=\"node463\" class=\"node\">\n<title>462</title>\n<path fill=\"#41a1e6\" stroke=\"#000000\" d=\"M18249.5,-1139C18249.5,-1139 18019.5,-1139 18019.5,-1139 18013.5,-1139 18007.5,-1133 18007.5,-1127 18007.5,-1127 18007.5,-1068 18007.5,-1068 18007.5,-1062 18013.5,-1056 18019.5,-1056 18019.5,-1056 18249.5,-1056 18249.5,-1056 18255.5,-1056 18261.5,-1062 18261.5,-1068 18261.5,-1068 18261.5,-1127 18261.5,-1127 18261.5,-1133 18255.5,-1139 18249.5,-1139\"/>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Transport&#45;moving &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.239</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 102</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 98, 0]</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 404&#45;&gt;462 -->\n<g id=\"edge462\" class=\"edge\">\n<title>404&#45;&gt;462</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17912.2543,-1176.212C17942.8792,-1165.3657 17976.1982,-1153.5652 18007.4955,-1142.4808\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18008.8805,-1145.7033 18017.1383,-1139.0656 18006.5436,-1139.1049 18008.8805,-1145.7033\"/>\n</g>\n<!-- 406 -->\n<g id=\"node407\" class=\"node\">\n<title>406</title>\n<path fill=\"#f4c9ab\" stroke=\"#000000\" d=\"M17231,-1020C17231,-1020 17028,-1020 17028,-1020 17022,-1020 17016,-1014 17016,-1008 17016,-1008 17016,-949 17016,-949 17016,-943 17022,-937 17028,-937 17028,-937 17231,-937 17231,-937 17237,-937 17243,-943 17243,-949 17243,-949 17243,-1008 17243,-1008 17243,-1014 17237,-1020 17231,-1020\"/>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2396...2450] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.947</text>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 115</text>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [73, 0, 42, 0]</text>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 405&#45;&gt;406 -->\n<g id=\"edge406\" class=\"edge\">\n<title>405&#45;&gt;406</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17342.5903,-1056.0466C17313.4843,-1045.4545 17282.0624,-1034.0197 17252.5218,-1023.2694\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17253.5961,-1019.9358 17243.0021,-1019.805 17251.2022,-1026.5138 17253.5961,-1019.9358\"/>\n</g>\n<!-- 441 -->\n<g id=\"node442\" class=\"node\">\n<title>441</title>\n<path fill=\"#50a8e8\" stroke=\"#000000\" d=\"M17538,-1020C17538,-1020 17375,-1020 17375,-1020 17369,-1020 17363,-1014 17363,-1008 17363,-1008 17363,-949 17363,-949 17363,-943 17369,-937 17375,-937 17375,-937 17538,-937 17538,-937 17544,-937 17550,-943 17550,-949 17550,-949 17550,-1008 17550,-1008 17550,-1014 17544,-1020 17538,-1020\"/>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_HS&#45;grad &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.48</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 58</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [6, 0, 52, 0]</text>\n<text text-anchor=\"middle\" x=\"17456.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 405&#45;&gt;441 -->\n<g id=\"edge441\" class=\"edge\">\n<title>405&#45;&gt;441</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17456.5,-1055.8796C17456.5,-1047.6838 17456.5,-1038.9891 17456.5,-1030.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17460.0001,-1030.298 17456.5,-1020.2981 17453.0001,-1030.2981 17460.0001,-1030.298\"/>\n</g>\n<!-- 407 -->\n<g id=\"node408\" class=\"node\">\n<title>407</title>\n<path fill=\"#f0b58a\" stroke=\"#000000\" d=\"M17030,-901C17030,-901 16827,-901 16827,-901 16821,-901 16815,-895 16815,-889 16815,-889 16815,-830 16815,-830 16815,-824 16821,-818 16827,-818 16827,-818 17030,-818 17030,-818 17036,-818 17042,-824 17042,-830 17042,-830 17042,-889 17042,-889 17042,-895 17036,-901 17030,-901\"/>\n<text text-anchor=\"middle\" x=\"16928.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1797...1851] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16928.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.87</text>\n<text text-anchor=\"middle\" x=\"16928.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 103</text>\n<text text-anchor=\"middle\" x=\"16928.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [73, 0, 30, 0]</text>\n<text text-anchor=\"middle\" x=\"16928.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 406&#45;&gt;407 -->\n<g id=\"edge407\" class=\"edge\">\n<title>406&#45;&gt;407</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17059.2,-936.8796C17042.5221,-927.0056 17024.621,-916.4075 17007.5814,-906.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17009.1485,-903.1797 16998.7604,-901.0969 17005.5823,-909.2032 17009.1485,-903.1797\"/>\n</g>\n<!-- 440 -->\n<g id=\"node441\" class=\"node\">\n<title>440</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17187,-893.5C17187,-893.5 17072,-893.5 17072,-893.5 17066,-893.5 17060,-887.5 17060,-881.5 17060,-881.5 17060,-837.5 17060,-837.5 17060,-831.5 17066,-825.5 17072,-825.5 17072,-825.5 17187,-825.5 17187,-825.5 17193,-825.5 17199,-831.5 17199,-837.5 17199,-837.5 17199,-881.5 17199,-881.5 17199,-887.5 17193,-893.5 17187,-893.5\"/>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 12, 0]</text>\n<text text-anchor=\"middle\" x=\"17129.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 406&#45;&gt;440 -->\n<g id=\"edge440\" class=\"edge\">\n<title>406&#45;&gt;440</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17129.5,-936.8796C17129.5,-926.2134 17129.5,-914.7021 17129.5,-903.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17133.0001,-903.8149 17129.5,-893.8149 17126.0001,-903.815 17133.0001,-903.8149\"/>\n</g>\n<!-- 408 -->\n<g id=\"node409\" class=\"node\">\n<title>408</title>\n<path fill=\"#eca572\" stroke=\"#000000\" d=\"M16896,-782C16896,-782 16693,-782 16693,-782 16687,-782 16681,-776 16681,-770 16681,-770 16681,-711 16681,-711 16681,-705 16687,-699 16693,-699 16693,-699 16896,-699 16896,-699 16902,-699 16908,-705 16908,-711 16908,-711 16908,-770 16908,-770 16908,-776 16902,-782 16896,-782\"/>\n<text text-anchor=\"middle\" x=\"16794.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2341...2396] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16794.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.766</text>\n<text text-anchor=\"middle\" x=\"16794.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 94</text>\n<text text-anchor=\"middle\" x=\"16794.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [73, 0, 21, 0]</text>\n<text text-anchor=\"middle\" x=\"16794.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 407&#45;&gt;408 -->\n<g id=\"edge408\" class=\"edge\">\n<title>407&#45;&gt;408</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16881.6333,-817.8796C16871.1875,-808.6031 16860.0219,-798.6874 16849.289,-789.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16851.368,-786.3213 16841.5667,-782.2981 16846.7199,-791.5553 16851.368,-786.3213\"/>\n</g>\n<!-- 439 -->\n<g id=\"node440\" class=\"node\">\n<title>439</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17045,-774.5C17045,-774.5 16938,-774.5 16938,-774.5 16932,-774.5 16926,-768.5 16926,-762.5 16926,-762.5 16926,-718.5 16926,-718.5 16926,-712.5 16932,-706.5 16938,-706.5 16938,-706.5 17045,-706.5 17045,-706.5 17051,-706.5 17057,-712.5 17057,-718.5 17057,-718.5 17057,-762.5 17057,-762.5 17057,-768.5 17051,-774.5 17045,-774.5\"/>\n<text text-anchor=\"middle\" x=\"16991.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16991.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"16991.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 9, 0]</text>\n<text text-anchor=\"middle\" x=\"16991.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 407&#45;&gt;439 -->\n<g id=\"edge439\" class=\"edge\">\n<title>407&#45;&gt;439</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16950.5343,-817.8796C16956.3558,-806.8835 16962.6527,-794.9893 16968.5227,-783.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16971.7476,-785.2905 16973.3333,-774.8149 16965.5611,-782.0152 16971.7476,-785.2905\"/>\n</g>\n<!-- 409 -->\n<g id=\"node410\" class=\"node\">\n<title>409</title>\n<path fill=\"#ea985e\" stroke=\"#000000\" d=\"M16658,-663C16658,-663 16455,-663 16455,-663 16449,-663 16443,-657 16443,-651 16443,-651 16443,-592 16443,-592 16443,-586 16449,-580 16455,-580 16455,-580 16658,-580 16658,-580 16664,-580 16670,-586 16670,-592 16670,-592 16670,-651 16670,-651 16670,-657 16664,-663 16658,-663\"/>\n<text text-anchor=\"middle\" x=\"16556.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1470...1525] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16556.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.626</text>\n<text text-anchor=\"middle\" x=\"16556.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 83</text>\n<text text-anchor=\"middle\" x=\"16556.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [70, 0, 13, 0]</text>\n<text text-anchor=\"middle\" x=\"16556.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 408&#45;&gt;409 -->\n<g id=\"edge409\" class=\"edge\">\n<title>408&#45;&gt;409</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16711.2591,-698.8796C16691.0583,-688.7791 16669.3418,-677.9209 16648.752,-667.626\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16650.2034,-664.4386 16639.6938,-663.0969 16647.0729,-670.6996 16650.2034,-664.4386\"/>\n</g>\n<!-- 430 -->\n<g id=\"node431\" class=\"node\">\n<title>430</title>\n<path fill=\"#83c2ef\" stroke=\"#000000\" d=\"M16926.5,-663C16926.5,-663 16700.5,-663 16700.5,-663 16694.5,-663 16688.5,-657 16688.5,-651 16688.5,-651 16688.5,-592 16688.5,-592 16688.5,-586 16694.5,-580 16700.5,-580 16700.5,-580 16926.5,-580 16926.5,-580 16932.5,-580 16938.5,-586 16938.5,-592 16938.5,-592 16938.5,-651 16938.5,-651 16938.5,-657 16932.5,-663 16926.5,-663\"/>\n<text text-anchor=\"middle\" x=\"16813.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16813.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.845</text>\n<text text-anchor=\"middle\" x=\"16813.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11</text>\n<text text-anchor=\"middle\" x=\"16813.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"16813.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 408&#45;&gt;430 -->\n<g id=\"edge430\" class=\"edge\">\n<title>408&#45;&gt;430</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16801.1453,-698.8796C16802.4682,-690.5938 16803.8726,-681.798 16805.2419,-673.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16808.7058,-673.7249 16806.8264,-663.2981 16801.7934,-672.6211 16808.7058,-673.7249\"/>\n</g>\n<!-- 410 -->\n<g id=\"node411\" class=\"node\">\n<title>410</title>\n<path fill=\"#e78b48\" stroke=\"#000000\" d=\"M16440.5,-544C16440.5,-544 16214.5,-544 16214.5,-544 16208.5,-544 16202.5,-538 16202.5,-532 16202.5,-532 16202.5,-473 16202.5,-473 16202.5,-467 16208.5,-461 16214.5,-461 16214.5,-461 16440.5,-461 16440.5,-461 16446.5,-461 16452.5,-467 16452.5,-473 16452.5,-473 16452.5,-532 16452.5,-532 16452.5,-538 16446.5,-544 16440.5,-544\"/>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.371</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 70</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [65, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 409&#45;&gt;410 -->\n<g id=\"edge410\" class=\"edge\">\n<title>409&#45;&gt;410</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16476.4069,-579.8796C16457.0571,-569.8244 16436.2621,-559.0183 16416.5301,-548.7645\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16418.0352,-545.6024 16407.5479,-544.0969 16414.8074,-551.8138 16418.0352,-545.6024\"/>\n</g>\n<!-- 421 -->\n<g id=\"node422\" class=\"node\">\n<title>421</title>\n<path fill=\"#b5daf5\" stroke=\"#000000\" d=\"M16619.5,-544C16619.5,-544 16497.5,-544 16497.5,-544 16491.5,-544 16485.5,-538 16485.5,-532 16485.5,-532 16485.5,-473 16485.5,-473 16485.5,-467 16491.5,-461 16497.5,-461 16497.5,-461 16619.5,-461 16619.5,-461 16625.5,-461 16631.5,-467 16631.5,-473 16631.5,-473 16631.5,-532 16631.5,-532 16631.5,-538 16625.5,-544 16619.5,-544\"/>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(32...36] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.961</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 13</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [5, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 409&#45;&gt;421 -->\n<g id=\"edge421\" class=\"edge\">\n<title>409&#45;&gt;421</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16557.1995,-579.8796C16557.3372,-571.6838 16557.4834,-562.9891 16557.626,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16561.1289,-554.3555 16557.7975,-544.2981 16554.1299,-554.2378 16561.1289,-554.3555\"/>\n</g>\n<!-- 411 -->\n<g id=\"node412\" class=\"node\">\n<title>411</title>\n<path fill=\"#e5833c\" stroke=\"#000000\" d=\"M16162.5,-425C16162.5,-425 15958.5,-425 15958.5,-425 15952.5,-425 15946.5,-419 15946.5,-413 15946.5,-413 15946.5,-354 15946.5,-354 15946.5,-348 15952.5,-342 15958.5,-342 15958.5,-342 16162.5,-342 16162.5,-342 16168.5,-342 16174.5,-348 16174.5,-354 16174.5,-354 16174.5,-413 16174.5,-413 16174.5,-419 16168.5,-425 16162.5,-425\"/>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Prof&#45;specialty &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.122</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 60</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [59, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 410&#45;&gt;411 -->\n<g id=\"edge411\" class=\"edge\">\n<title>410&#45;&gt;411</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16234.1164,-460.8796C16211.1492,-450.6433 16186.4357,-439.6286 16163.0613,-429.2108\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16164.3896,-425.971 16153.8309,-425.0969 16161.54,-432.3647 16164.3896,-425.971\"/>\n</g>\n<!-- 416 -->\n<g id=\"node417\" class=\"node\">\n<title>416</title>\n<path fill=\"#f6d5bd\" stroke=\"#000000\" d=\"M16435,-425C16435,-425 16220,-425 16220,-425 16214,-425 16208,-419 16208,-413 16208,-413 16208,-354 16208,-354 16208,-348 16214,-342 16220,-342 16220,-342 16435,-342 16435,-342 16441,-342 16447,-348 16447,-354 16447,-354 16447,-413 16447,-413 16447,-419 16441,-425 16435,-425\"/>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;not&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.971</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [6, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"16327.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 410&#45;&gt;416 -->\n<g id=\"edge416\" class=\"edge\">\n<title>410&#45;&gt;416</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16327.5,-460.8796C16327.5,-452.6838 16327.5,-443.9891 16327.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16331.0001,-435.298 16327.5,-425.2981 16324.0001,-435.2981 16331.0001,-435.298\"/>\n</g>\n<!-- 412 -->\n<g id=\"node413\" class=\"node\">\n<title>412</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M15925,-298.5C15925,-298.5 15810,-298.5 15810,-298.5 15804,-298.5 15798,-292.5 15798,-286.5 15798,-286.5 15798,-242.5 15798,-242.5 15798,-236.5 15804,-230.5 15810,-230.5 15810,-230.5 15925,-230.5 15925,-230.5 15931,-230.5 15937,-236.5 15937,-242.5 15937,-242.5 15937,-286.5 15937,-286.5 15937,-292.5 15931,-298.5 15925,-298.5\"/>\n<text text-anchor=\"middle\" x=\"15867.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15867.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 57</text>\n<text text-anchor=\"middle\" x=\"15867.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [57, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15867.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 411&#45;&gt;412 -->\n<g id=\"edge412\" class=\"edge\">\n<title>411&#45;&gt;412</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15992.998,-341.8796C15973.0184,-329.5606 15951.2105,-316.1143 15931.4619,-303.9376\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15933.1914,-300.8922 15922.8424,-298.623 15929.5175,-306.8507 15933.1914,-300.8922\"/>\n</g>\n<!-- 413 -->\n<g id=\"node414\" class=\"node\">\n<title>413</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M16153.5,-306C16153.5,-306 15967.5,-306 15967.5,-306 15961.5,-306 15955.5,-300 15955.5,-294 15955.5,-294 15955.5,-235 15955.5,-235 15955.5,-229 15961.5,-223 15967.5,-223 15967.5,-223 16153.5,-223 16153.5,-223 16159.5,-223 16165.5,-229 16165.5,-235 16165.5,-235 16165.5,-294 16165.5,-294 16165.5,-300 16159.5,-306 16153.5,-306\"/>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(8...10] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"16060.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 411&#45;&gt;413 -->\n<g id=\"edge413\" class=\"edge\">\n<title>411&#45;&gt;413</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16060.5,-341.8796C16060.5,-333.6838 16060.5,-324.9891 16060.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16064.0001,-316.298 16060.5,-306.2981 16057.0001,-316.2981 16064.0001,-316.298\"/>\n</g>\n<!-- 414 -->\n<g id=\"node415\" class=\"node\">\n<title>414</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M15891,-179.5C15891,-179.5 15784,-179.5 15784,-179.5 15778,-179.5 15772,-173.5 15772,-167.5 15772,-167.5 15772,-123.5 15772,-123.5 15772,-117.5 15778,-111.5 15784,-111.5 15784,-111.5 15891,-111.5 15891,-111.5 15897,-111.5 15903,-117.5 15903,-123.5 15903,-123.5 15903,-167.5 15903,-167.5 15903,-173.5 15897,-179.5 15891,-179.5\"/>\n<text text-anchor=\"middle\" x=\"15837.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15837.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"15837.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"15837.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 413&#45;&gt;414 -->\n<g id=\"edge414\" class=\"edge\">\n<title>413&#45;&gt;414</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M15979.4465,-222.9298C15957.3362,-211.4301 15933.4334,-198.8506 15911.5,-187 15909.9854,-186.1817 15908.4549,-185.3516 15906.913,-184.5125\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"15908.4428,-181.3598 15897.9905,-179.6276 15905.0813,-187.4999 15908.4428,-181.3598\"/>\n</g>\n<!-- 415 -->\n<g id=\"node416\" class=\"node\">\n<title>415</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M16040,-179.5C16040,-179.5 15933,-179.5 15933,-179.5 15927,-179.5 15921,-173.5 15921,-167.5 15921,-167.5 15921,-123.5 15921,-123.5 15921,-117.5 15927,-111.5 15933,-111.5 15933,-111.5 16040,-111.5 16040,-111.5 16046,-111.5 16052,-117.5 16052,-123.5 16052,-123.5 16052,-167.5 16052,-167.5 16052,-173.5 16046,-179.5 16040,-179.5\"/>\n<text text-anchor=\"middle\" x=\"15986.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"15986.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"15986.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"15986.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 413&#45;&gt;415 -->\n<g id=\"edge415\" class=\"edge\">\n<title>413&#45;&gt;415</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16034.6184,-222.8796C16027.7121,-211.7735 16020.2361,-199.7513 16013.2825,-188.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16016.0917,-186.4587 16007.8387,-179.8149 16010.1473,-190.1552 16016.0917,-186.4587\"/>\n</g>\n<!-- 417 -->\n<g id=\"node418\" class=\"node\">\n<title>417</title>\n<path fill=\"#e9965a\" stroke=\"#000000\" d=\"M16305.5,-306C16305.5,-306 16195.5,-306 16195.5,-306 16189.5,-306 16183.5,-300 16183.5,-294 16183.5,-294 16183.5,-235 16183.5,-235 16183.5,-229 16189.5,-223 16195.5,-223 16195.5,-223 16305.5,-223 16305.5,-223 16311.5,-223 16317.5,-229 16317.5,-235 16317.5,-235 16317.5,-294 16317.5,-294 16317.5,-300 16311.5,-306 16305.5,-306\"/>\n<text text-anchor=\"middle\" x=\"16250.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">race_Black &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16250.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"16250.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"16250.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [6, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"16250.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 416&#45;&gt;417 -->\n<g id=\"edge417\" class=\"edge\">\n<title>416&#45;&gt;417</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16300.5691,-341.8796C16294.9163,-333.1434 16288.8967,-323.8404 16283.0634,-314.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16285.9169,-312.7924 16277.5458,-306.2981 16280.0399,-316.5952 16285.9169,-312.7924\"/>\n</g>\n<!-- 420 -->\n<g id=\"node421\" class=\"node\">\n<title>420</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M16455,-298.5C16455,-298.5 16348,-298.5 16348,-298.5 16342,-298.5 16336,-292.5 16336,-286.5 16336,-286.5 16336,-242.5 16336,-242.5 16336,-236.5 16342,-230.5 16348,-230.5 16348,-230.5 16455,-230.5 16455,-230.5 16461,-230.5 16467,-236.5 16467,-242.5 16467,-242.5 16467,-286.5 16467,-286.5 16467,-292.5 16461,-298.5 16455,-298.5\"/>\n<text text-anchor=\"middle\" x=\"16401.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16401.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"16401.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"16401.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 416&#45;&gt;420 -->\n<g id=\"edge420\" class=\"edge\">\n<title>416&#45;&gt;420</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16353.3816,-341.8796C16360.2879,-330.7735 16367.7639,-318.7513 16374.7175,-307.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16377.8527,-309.1552 16380.1613,-298.8149 16371.9083,-305.4587 16377.8527,-309.1552\"/>\n</g>\n<!-- 418 -->\n<g id=\"node419\" class=\"node\">\n<title>418</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M16189,-179.5C16189,-179.5 16082,-179.5 16082,-179.5 16076,-179.5 16070,-173.5 16070,-167.5 16070,-167.5 16070,-123.5 16070,-123.5 16070,-117.5 16076,-111.5 16082,-111.5 16082,-111.5 16189,-111.5 16189,-111.5 16195,-111.5 16201,-117.5 16201,-123.5 16201,-123.5 16201,-167.5 16201,-167.5 16201,-173.5 16195,-179.5 16189,-179.5\"/>\n<text text-anchor=\"middle\" x=\"16135.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16135.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"16135.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [6, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"16135.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 417&#45;&gt;418 -->\n<g id=\"edge418\" class=\"edge\">\n<title>417&#45;&gt;418</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16210.2786,-222.8796C16199.1208,-211.3337 16187.0061,-198.7976 16175.8414,-187.2446\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16178.1275,-184.5736 16168.6615,-179.8149 16173.0939,-189.4381 16178.1275,-184.5736\"/>\n</g>\n<!-- 419 -->\n<g id=\"node420\" class=\"node\">\n<title>419</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M16338,-179.5C16338,-179.5 16231,-179.5 16231,-179.5 16225,-179.5 16219,-173.5 16219,-167.5 16219,-167.5 16219,-123.5 16219,-123.5 16219,-117.5 16225,-111.5 16231,-111.5 16231,-111.5 16338,-111.5 16338,-111.5 16344,-111.5 16350,-117.5 16350,-123.5 16350,-123.5 16350,-167.5 16350,-167.5 16350,-173.5 16344,-179.5 16338,-179.5\"/>\n<text text-anchor=\"middle\" x=\"16284.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16284.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"16284.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"16284.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 417&#45;&gt;419 -->\n<g id=\"edge419\" class=\"edge\">\n<title>417&#45;&gt;419</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16262.3916,-222.8796C16265.4705,-212.1034 16268.7958,-200.4647 16271.9092,-189.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16275.3138,-190.3917 16274.6957,-179.8149 16268.5831,-188.4686 16275.3138,-190.3917\"/>\n</g>\n<!-- 422 -->\n<g id=\"node423\" class=\"node\">\n<title>422</title>\n<path fill=\"#83c2ef\" stroke=\"#000000\" d=\"M16619.5,-425C16619.5,-425 16497.5,-425 16497.5,-425 16491.5,-425 16485.5,-419 16485.5,-413 16485.5,-413 16485.5,-354 16485.5,-354 16485.5,-348 16491.5,-342 16497.5,-342 16497.5,-342 16619.5,-342 16619.5,-342 16625.5,-342 16631.5,-348 16631.5,-354 16631.5,-354 16631.5,-413 16631.5,-413 16631.5,-419 16625.5,-425 16619.5,-425\"/>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(41...46] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.845</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 421&#45;&gt;422 -->\n<g id=\"edge422\" class=\"edge\">\n<title>421&#45;&gt;422</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16558.5,-460.8796C16558.5,-452.6838 16558.5,-443.9891 16558.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16562.0001,-435.298 16558.5,-425.2981 16555.0001,-435.2981 16562.0001,-435.298\"/>\n</g>\n<!-- 429 -->\n<g id=\"node430\" class=\"node\">\n<title>429</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M16769,-417.5C16769,-417.5 16662,-417.5 16662,-417.5 16656,-417.5 16650,-411.5 16650,-405.5 16650,-405.5 16650,-361.5 16650,-361.5 16650,-355.5 16656,-349.5 16662,-349.5 16662,-349.5 16769,-349.5 16769,-349.5 16775,-349.5 16781,-355.5 16781,-361.5 16781,-361.5 16781,-405.5 16781,-405.5 16781,-411.5 16775,-417.5 16769,-417.5\"/>\n<text text-anchor=\"middle\" x=\"16715.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16715.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"16715.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"16715.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 421&#45;&gt;429 -->\n<g id=\"edge429\" class=\"edge\">\n<title>421&#45;&gt;429</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16613.411,-460.8796C16629.2994,-448.8368 16646.6091,-435.7167 16662.3857,-423.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16664.6253,-426.4529 16670.4805,-417.623 16660.3969,-420.8743 16664.6253,-426.4529\"/>\n</g>\n<!-- 423 -->\n<g id=\"node424\" class=\"node\">\n<title>423</title>\n<path fill=\"#55abe9\" stroke=\"#000000\" d=\"M16619.5,-306C16619.5,-306 16497.5,-306 16497.5,-306 16491.5,-306 16485.5,-300 16485.5,-294 16485.5,-294 16485.5,-235 16485.5,-235 16485.5,-229 16491.5,-223 16497.5,-223 16497.5,-223 16619.5,-223 16619.5,-223 16625.5,-223 16631.5,-229 16631.5,-235 16631.5,-235 16631.5,-294 16631.5,-294 16631.5,-300 16625.5,-306 16619.5,-306\"/>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(46...51] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.544</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 7, 0]</text>\n<text text-anchor=\"middle\" x=\"16558.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 422&#45;&gt;423 -->\n<g id=\"edge423\" class=\"edge\">\n<title>422&#45;&gt;423</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16558.5,-341.8796C16558.5,-333.6838 16558.5,-324.9891 16558.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16562.0001,-316.298 16558.5,-306.2981 16555.0001,-316.2981 16562.0001,-316.298\"/>\n</g>\n<!-- 426 -->\n<g id=\"node427\" class=\"node\">\n<title>426</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M16849.5,-306C16849.5,-306 16661.5,-306 16661.5,-306 16655.5,-306 16649.5,-300 16649.5,-294 16649.5,-294 16649.5,-235 16649.5,-235 16649.5,-229 16655.5,-223 16661.5,-223 16661.5,-223 16849.5,-223 16849.5,-223 16855.5,-223 16861.5,-229 16861.5,-235 16861.5,-235 16861.5,-294 16861.5,-294 16861.5,-300 16855.5,-306 16849.5,-306\"/>\n<text text-anchor=\"middle\" x=\"16755.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Craft&#45;repair &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16755.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"16755.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"16755.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"16755.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 422&#45;&gt;426 -->\n<g id=\"edge426\" class=\"edge\">\n<title>422&#45;&gt;426</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16627.401,-341.8796C16643.747,-332.0056 16661.2919,-321.4075 16677.9924,-311.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16679.888,-314.2633 16686.6379,-306.0969 16676.2686,-308.2716 16679.888,-314.2633\"/>\n</g>\n<!-- 424 -->\n<g id=\"node425\" class=\"node\">\n<title>424</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M16487,-179.5C16487,-179.5 16380,-179.5 16380,-179.5 16374,-179.5 16368,-173.5 16368,-167.5 16368,-167.5 16368,-123.5 16368,-123.5 16368,-117.5 16374,-111.5 16380,-111.5 16380,-111.5 16487,-111.5 16487,-111.5 16493,-111.5 16499,-117.5 16499,-123.5 16499,-123.5 16499,-167.5 16499,-167.5 16499,-173.5 16493,-179.5 16487,-179.5\"/>\n<text text-anchor=\"middle\" x=\"16433.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16433.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"16433.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 7, 0]</text>\n<text text-anchor=\"middle\" x=\"16433.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 423&#45;&gt;424 -->\n<g id=\"edge424\" class=\"edge\">\n<title>423&#45;&gt;424</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16514.7811,-222.8796C16502.5375,-211.2237 16489.2339,-198.5587 16477.0029,-186.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16479.2012,-184.1751 16469.5451,-179.8149 16474.3746,-189.245 16479.2012,-184.1751\"/>\n</g>\n<!-- 425 -->\n<g id=\"node426\" class=\"node\">\n<title>425</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M16636,-179.5C16636,-179.5 16529,-179.5 16529,-179.5 16523,-179.5 16517,-173.5 16517,-167.5 16517,-167.5 16517,-123.5 16517,-123.5 16517,-117.5 16523,-111.5 16529,-111.5 16529,-111.5 16636,-111.5 16636,-111.5 16642,-111.5 16648,-117.5 16648,-123.5 16648,-123.5 16648,-167.5 16648,-167.5 16648,-173.5 16642,-179.5 16636,-179.5\"/>\n<text text-anchor=\"middle\" x=\"16582.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16582.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"16582.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"16582.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 423&#45;&gt;425 -->\n<g id=\"edge425\" class=\"edge\">\n<title>423&#45;&gt;425</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16566.894,-222.8796C16569.0452,-212.2134 16571.3668,-200.7021 16573.5451,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16577.0332,-190.3095 16575.5793,-179.8149 16570.1713,-188.9256 16577.0332,-190.3095\"/>\n</g>\n<!-- 427 -->\n<g id=\"node428\" class=\"node\">\n<title>427</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M16785,-179.5C16785,-179.5 16678,-179.5 16678,-179.5 16672,-179.5 16666,-173.5 16666,-167.5 16666,-167.5 16666,-123.5 16666,-123.5 16666,-117.5 16672,-111.5 16678,-111.5 16678,-111.5 16785,-111.5 16785,-111.5 16791,-111.5 16797,-117.5 16797,-123.5 16797,-123.5 16797,-167.5 16797,-167.5 16797,-173.5 16791,-179.5 16785,-179.5\"/>\n<text text-anchor=\"middle\" x=\"16731.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16731.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"16731.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"16731.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 426&#45;&gt;427 -->\n<g id=\"edge427\" class=\"edge\">\n<title>426&#45;&gt;427</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16747.106,-222.8796C16744.9548,-212.2134 16742.6332,-200.7021 16740.4549,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16743.8287,-188.9256 16738.4207,-179.8149 16736.9668,-190.3095 16743.8287,-188.9256\"/>\n</g>\n<!-- 428 -->\n<g id=\"node429\" class=\"node\">\n<title>428</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M16934,-179.5C16934,-179.5 16827,-179.5 16827,-179.5 16821,-179.5 16815,-173.5 16815,-167.5 16815,-167.5 16815,-123.5 16815,-123.5 16815,-117.5 16821,-111.5 16827,-111.5 16827,-111.5 16934,-111.5 16934,-111.5 16940,-111.5 16946,-117.5 16946,-123.5 16946,-123.5 16946,-167.5 16946,-167.5 16946,-173.5 16940,-179.5 16934,-179.5\"/>\n<text text-anchor=\"middle\" x=\"16880.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16880.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"16880.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"16880.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 426&#45;&gt;428 -->\n<g id=\"edge428\" class=\"edge\">\n<title>426&#45;&gt;428</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16799.2189,-222.8796C16811.4625,-211.2237 16824.7661,-198.5587 16836.9971,-186.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16839.6254,-189.245 16844.4549,-179.8149 16834.7988,-184.1751 16839.6254,-189.245\"/>\n</g>\n<!-- 431 -->\n<g id=\"node432\" class=\"node\">\n<title>431</title>\n<path fill=\"#cee6f8\" stroke=\"#000000\" d=\"M16836.5,-544C16836.5,-544 16714.5,-544 16714.5,-544 16708.5,-544 16702.5,-538 16702.5,-532 16702.5,-532 16702.5,-473 16702.5,-473 16702.5,-467 16708.5,-461 16714.5,-461 16714.5,-461 16836.5,-461 16836.5,-461 16842.5,-461 16848.5,-467 16848.5,-473 16848.5,-473 16848.5,-532 16848.5,-532 16848.5,-538 16842.5,-544 16836.5,-544\"/>\n<text text-anchor=\"middle\" x=\"16775.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(71...75] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16775.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.985</text>\n<text text-anchor=\"middle\" x=\"16775.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"16775.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"16775.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 430&#45;&gt;431 -->\n<g id=\"edge431\" class=\"edge\">\n<title>430&#45;&gt;431</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16800.2094,-579.8796C16797.5348,-571.5037 16794.6937,-562.6067 16791.9269,-553.942\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16795.2234,-552.7595 16788.8473,-544.2981 16788.5552,-554.8889 16795.2234,-552.7595\"/>\n</g>\n<!-- 438 -->\n<g id=\"node439\" class=\"node\">\n<title>438</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M16986,-536.5C16986,-536.5 16879,-536.5 16879,-536.5 16873,-536.5 16867,-530.5 16867,-524.5 16867,-524.5 16867,-480.5 16867,-480.5 16867,-474.5 16873,-468.5 16879,-468.5 16879,-468.5 16986,-468.5 16986,-468.5 16992,-468.5 16998,-474.5 16998,-480.5 16998,-480.5 16998,-524.5 16998,-524.5 16998,-530.5 16992,-536.5 16986,-536.5\"/>\n<text text-anchor=\"middle\" x=\"16932.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"16932.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"16932.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"16932.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 430&#45;&gt;438 -->\n<g id=\"edge438\" class=\"edge\">\n<title>430&#45;&gt;438</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16855.1204,-579.8796C16866.7763,-568.2237 16879.4413,-555.5587 16891.0852,-543.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16893.5889,-546.3609 16898.1851,-536.8149 16888.6391,-541.4111 16893.5889,-546.3609\"/>\n</g>\n<!-- 432 -->\n<g id=\"node433\" class=\"node\">\n<title>432</title>\n<path fill=\"#f6d5bd\" stroke=\"#000000\" d=\"M17009.5,-425C17009.5,-425 16887.5,-425 16887.5,-425 16881.5,-425 16875.5,-419 16875.5,-413 16875.5,-413 16875.5,-354 16875.5,-354 16875.5,-348 16881.5,-342 16887.5,-342 16887.5,-342 17009.5,-342 17009.5,-342 17015.5,-342 17021.5,-348 17021.5,-354 17021.5,-354 17021.5,-413 17021.5,-413 17021.5,-419 17015.5,-425 17009.5,-425\"/>\n<text text-anchor=\"middle\" x=\"16948.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(46...51] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16948.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.971</text>\n<text text-anchor=\"middle\" x=\"16948.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"16948.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"16948.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 431&#45;&gt;432 -->\n<g id=\"edge432\" class=\"edge\">\n<title>431&#45;&gt;432</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16836.007,-460.8796C16850.0982,-451.1868 16865.2039,-440.7961 16879.6269,-430.8752\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16881.7717,-433.6479 16888.0272,-425.0969 16877.8045,-427.8806 16881.7717,-433.6479\"/>\n</g>\n<!-- 437 -->\n<g id=\"node438\" class=\"node\">\n<title>437</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17159,-417.5C17159,-417.5 17052,-417.5 17052,-417.5 17046,-417.5 17040,-411.5 17040,-405.5 17040,-405.5 17040,-361.5 17040,-361.5 17040,-355.5 17046,-349.5 17052,-349.5 17052,-349.5 17159,-349.5 17159,-349.5 17165,-349.5 17171,-355.5 17171,-361.5 17171,-361.5 17171,-405.5 17171,-405.5 17171,-411.5 17165,-417.5 17159,-417.5\"/>\n<text text-anchor=\"middle\" x=\"17105.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17105.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"17105.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"17105.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 431&#45;&gt;437 -->\n<g id=\"edge437\" class=\"edge\">\n<title>431&#45;&gt;437</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16848.8553,-464.2281C16851.7507,-463.0838 16854.6388,-462.0019 16857.5,-461 16931.6226,-435.0434 16956.8687,-452.3191 17030.5,-425 17033.1814,-424.0051 17035.8829,-422.9258 17038.5863,-421.7802\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17040.0735,-424.9491 17047.7592,-417.6566 17037.2034,-418.5645 17040.0735,-424.9491\"/>\n</g>\n<!-- 433 -->\n<g id=\"node434\" class=\"node\">\n<title>433</title>\n<path fill=\"#eeab7b\" stroke=\"#000000\" d=\"M17013.5,-306C17013.5,-306 16891.5,-306 16891.5,-306 16885.5,-306 16879.5,-300 16879.5,-294 16879.5,-294 16879.5,-235 16879.5,-235 16879.5,-229 16885.5,-223 16891.5,-223 16891.5,-223 17013.5,-223 17013.5,-223 17019.5,-223 17025.5,-229 17025.5,-235 17025.5,-235 17025.5,-294 17025.5,-294 17025.5,-300 17019.5,-306 17013.5,-306\"/>\n<text text-anchor=\"middle\" x=\"16952.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(66...71] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"16952.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"16952.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"16952.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"16952.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 432&#45;&gt;433 -->\n<g id=\"edge433\" class=\"edge\">\n<title>432&#45;&gt;433</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16949.899,-341.8796C16950.1745,-333.6838 16950.4668,-324.9891 16950.7521,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"16954.257,-316.41 16951.095,-306.2981 16947.261,-316.1748 16954.257,-316.41\"/>\n</g>\n<!-- 436 -->\n<g id=\"node437\" class=\"node\">\n<title>436</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17163,-298.5C17163,-298.5 17056,-298.5 17056,-298.5 17050,-298.5 17044,-292.5 17044,-286.5 17044,-286.5 17044,-242.5 17044,-242.5 17044,-236.5 17050,-230.5 17056,-230.5 17056,-230.5 17163,-230.5 17163,-230.5 17169,-230.5 17175,-236.5 17175,-242.5 17175,-242.5 17175,-286.5 17175,-286.5 17175,-292.5 17169,-298.5 17163,-298.5\"/>\n<text text-anchor=\"middle\" x=\"17109.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17109.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17109.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17109.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 432&#45;&gt;436 -->\n<g id=\"edge436\" class=\"edge\">\n<title>432&#45;&gt;436</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17004.81,-341.8796C17021.1032,-329.8368 17038.8539,-316.7167 17055.0325,-304.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17057.3721,-307.3816 17063.3335,-298.623 17053.2114,-301.7524 17057.3721,-307.3816\"/>\n</g>\n<!-- 434 -->\n<g id=\"node435\" class=\"node\">\n<title>434</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M17083,-179.5C17083,-179.5 16976,-179.5 16976,-179.5 16970,-179.5 16964,-173.5 16964,-167.5 16964,-167.5 16964,-123.5 16964,-123.5 16964,-117.5 16970,-111.5 16976,-111.5 16976,-111.5 17083,-111.5 17083,-111.5 17089,-111.5 17095,-117.5 17095,-123.5 17095,-123.5 17095,-167.5 17095,-167.5 17095,-173.5 17089,-179.5 17083,-179.5\"/>\n<text text-anchor=\"middle\" x=\"17029.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17029.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"17029.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"17029.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 433&#45;&gt;434 -->\n<g id=\"edge434\" class=\"edge\">\n<title>433&#45;&gt;434</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M16979.4309,-222.8796C16986.6883,-211.6636 16994.5503,-199.5131 17001.8465,-188.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17004.8022,-190.112 17007.2962,-179.8149 16998.9252,-186.3093 17004.8022,-190.112\"/>\n</g>\n<!-- 435 -->\n<g id=\"node436\" class=\"node\">\n<title>435</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17232,-179.5C17232,-179.5 17125,-179.5 17125,-179.5 17119,-179.5 17113,-173.5 17113,-167.5 17113,-167.5 17113,-123.5 17113,-123.5 17113,-117.5 17119,-111.5 17125,-111.5 17125,-111.5 17232,-111.5 17232,-111.5 17238,-111.5 17244,-117.5 17244,-123.5 17244,-123.5 17244,-167.5 17244,-167.5 17244,-173.5 17238,-179.5 17232,-179.5\"/>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 433&#45;&gt;435 -->\n<g id=\"edge435\" class=\"edge\">\n<title>433&#45;&gt;435</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17025.7027,-227.5093C17050.4904,-214.8297 17078.2779,-200.4464 17103.5,-187 17105.0348,-186.1818 17106.5857,-185.3518 17108.1482,-184.5128\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17110.0553,-187.4607 17117.1901,-179.6284 17106.7283,-181.3018 17110.0553,-187.4607\"/>\n</g>\n<!-- 442 -->\n<g id=\"node443\" class=\"node\">\n<title>442</title>\n<path fill=\"#45a3e7\" stroke=\"#000000\" d=\"M17455.5,-901C17455.5,-901 17229.5,-901 17229.5,-901 17223.5,-901 17217.5,-895 17217.5,-889 17217.5,-889 17217.5,-830 17217.5,-830 17217.5,-824 17223.5,-818 17229.5,-818 17229.5,-818 17455.5,-818 17455.5,-818 17461.5,-818 17467.5,-824 17467.5,-830 17467.5,-830 17467.5,-889 17467.5,-889 17467.5,-895 17461.5,-901 17455.5,-901\"/>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.318</text>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 52</text>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 49, 0]</text>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 441&#45;&gt;442 -->\n<g id=\"edge442\" class=\"edge\">\n<title>441&#45;&gt;442</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17416.6283,-936.8796C17407.9142,-927.7832 17398.6112,-918.0722 17389.6438,-908.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17391.987,-906.098 17382.5419,-901.2981 17386.9322,-910.9405 17391.987,-906.098\"/>\n</g>\n<!-- 455 -->\n<g id=\"node456\" class=\"node\">\n<title>455</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M17619.5,-901C17619.5,-901 17497.5,-901 17497.5,-901 17491.5,-901 17485.5,-895 17485.5,-889 17485.5,-889 17485.5,-830 17485.5,-830 17485.5,-824 17491.5,-818 17497.5,-818 17497.5,-818 17619.5,-818 17619.5,-818 17625.5,-818 17631.5,-824 17631.5,-830 17631.5,-830 17631.5,-889 17631.5,-889 17631.5,-895 17625.5,-901 17619.5,-901\"/>\n<text text-anchor=\"middle\" x=\"17558.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(51...56] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17558.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"17558.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"17558.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"17558.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 441&#45;&gt;455 -->\n<g id=\"edge455\" class=\"edge\">\n<title>441&#45;&gt;455</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17492.1747,-936.8796C17499.8943,-927.8733 17508.1305,-918.2644 17516.0803,-908.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17518.8225,-911.1684 17522.6731,-901.2981 17513.5077,-906.6129 17518.8225,-911.1684\"/>\n</g>\n<!-- 443 -->\n<g id=\"node444\" class=\"node\">\n<title>443</title>\n<path fill=\"#4fa8e8\" stroke=\"#000000\" d=\"M17242.5,-782C17242.5,-782 17120.5,-782 17120.5,-782 17114.5,-782 17108.5,-776 17108.5,-770 17108.5,-770 17108.5,-711 17108.5,-711 17108.5,-705 17114.5,-699 17120.5,-699 17120.5,-699 17242.5,-699 17242.5,-699 17248.5,-699 17254.5,-705 17254.5,-711 17254.5,-711 17254.5,-770 17254.5,-770 17254.5,-776 17248.5,-782 17242.5,-782\"/>\n<text text-anchor=\"middle\" x=\"17181.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(22...27] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17181.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.469</text>\n<text text-anchor=\"middle\" x=\"17181.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 30</text>\n<text text-anchor=\"middle\" x=\"17181.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 27, 0]</text>\n<text text-anchor=\"middle\" x=\"17181.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 442&#45;&gt;443 -->\n<g id=\"edge443\" class=\"edge\">\n<title>442&#45;&gt;443</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17286.19,-817.8796C17273.1988,-808.2774 17259.281,-797.9903 17245.9723,-788.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17247.9004,-785.2263 17237.7782,-782.0969 17243.7396,-790.8555 17247.9004,-785.2263\"/>\n</g>\n<!-- 454 -->\n<g id=\"node455\" class=\"node\">\n<title>454</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17400,-774.5C17400,-774.5 17285,-774.5 17285,-774.5 17279,-774.5 17273,-768.5 17273,-762.5 17273,-762.5 17273,-718.5 17273,-718.5 17273,-712.5 17279,-706.5 17285,-706.5 17285,-706.5 17400,-706.5 17400,-706.5 17406,-706.5 17412,-712.5 17412,-718.5 17412,-718.5 17412,-762.5 17412,-762.5 17412,-768.5 17406,-774.5 17400,-774.5\"/>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 22</text>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 22, 0]</text>\n<text text-anchor=\"middle\" x=\"17342.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 442&#45;&gt;454 -->\n<g id=\"edge454\" class=\"edge\">\n<title>442&#45;&gt;454</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17342.5,-817.8796C17342.5,-807.2134 17342.5,-795.7021 17342.5,-784.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17346.0001,-784.8149 17342.5,-774.8149 17339.0001,-784.815 17346.0001,-784.8149\"/>\n</g>\n<!-- 444 -->\n<g id=\"node445\" class=\"node\">\n<title>444</title>\n<path fill=\"#48a5e7\" stroke=\"#000000\" d=\"M17275.5,-663C17275.5,-663 17081.5,-663 17081.5,-663 17075.5,-663 17069.5,-657 17069.5,-651 17069.5,-651 17069.5,-592 17069.5,-592 17069.5,-586 17075.5,-580 17081.5,-580 17081.5,-580 17275.5,-580 17275.5,-580 17281.5,-580 17287.5,-586 17287.5,-592 17287.5,-592 17287.5,-651 17287.5,-651 17287.5,-657 17281.5,-663 17275.5,-663\"/>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(12...13] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.371</text>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 28</text>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 26, 0]</text>\n<text text-anchor=\"middle\" x=\"17178.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 443&#45;&gt;444 -->\n<g id=\"edge444\" class=\"edge\">\n<title>443&#45;&gt;444</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17180.4507,-698.8796C17180.2441,-690.6838 17180.0249,-681.9891 17179.811,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17183.3047,-673.2067 17179.5537,-663.2981 17176.307,-673.3831 17183.3047,-673.2067\"/>\n</g>\n<!-- 451 -->\n<g id=\"node452\" class=\"node\">\n<title>451</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M17491.5,-663C17491.5,-663 17317.5,-663 17317.5,-663 17311.5,-663 17305.5,-657 17305.5,-651 17305.5,-651 17305.5,-592 17305.5,-592 17305.5,-586 17311.5,-580 17317.5,-580 17317.5,-580 17491.5,-580 17491.5,-580 17497.5,-580 17503.5,-586 17503.5,-592 17503.5,-592 17503.5,-651 17503.5,-651 17503.5,-657 17497.5,-663 17491.5,-663\"/>\n<text text-anchor=\"middle\" x=\"17404.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Bachelors &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17404.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"17404.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"17404.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17404.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 443&#45;&gt;451 -->\n<g id=\"edge451\" class=\"edge\">\n<title>443&#45;&gt;451</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17254.5185,-701.5349C17274.7471,-690.7403 17296.9017,-678.9179 17317.8272,-667.7514\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17319.5362,-670.8066 17326.7109,-663.0108 17316.2406,-664.6309 17319.5362,-670.8066\"/>\n</g>\n<!-- 445 -->\n<g id=\"node446\" class=\"node\">\n<title>445</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17143,-536.5C17143,-536.5 17028,-536.5 17028,-536.5 17022,-536.5 17016,-530.5 17016,-524.5 17016,-524.5 17016,-480.5 17016,-480.5 17016,-474.5 17022,-468.5 17028,-468.5 17028,-468.5 17143,-468.5 17143,-468.5 17149,-468.5 17155,-474.5 17155,-480.5 17155,-480.5 17155,-524.5 17155,-524.5 17155,-530.5 17149,-536.5 17143,-536.5\"/>\n<text text-anchor=\"middle\" x=\"17085.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17085.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 19</text>\n<text text-anchor=\"middle\" x=\"17085.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 19, 0]</text>\n<text text-anchor=\"middle\" x=\"17085.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 444&#45;&gt;445 -->\n<g id=\"edge445\" class=\"edge\">\n<title>444&#45;&gt;445</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17145.9731,-579.8796C17137.1217,-568.5536 17127.5257,-556.2748 17118.6407,-544.9058\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17121.2331,-542.539 17112.3176,-536.8149 17115.7176,-546.8494 17121.2331,-542.539\"/>\n</g>\n<!-- 446 -->\n<g id=\"node447\" class=\"node\">\n<title>446</title>\n<path fill=\"#72b9ec\" stroke=\"#000000\" d=\"M17359.5,-544C17359.5,-544 17185.5,-544 17185.5,-544 17179.5,-544 17173.5,-538 17173.5,-532 17173.5,-532 17173.5,-473 17173.5,-473 17173.5,-467 17179.5,-461 17185.5,-461 17185.5,-461 17359.5,-461 17359.5,-461 17365.5,-461 17371.5,-467 17371.5,-473 17371.5,-473 17371.5,-532 17371.5,-532 17371.5,-538 17365.5,-544 17359.5,-544\"/>\n<text text-anchor=\"middle\" x=\"17272.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Bachelors &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17272.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.764</text>\n<text text-anchor=\"middle\" x=\"17272.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"17272.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 7, 0]</text>\n<text text-anchor=\"middle\" x=\"17272.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 444&#45;&gt;446 -->\n<g id=\"edge446\" class=\"edge\">\n<title>444&#45;&gt;446</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17211.3766,-579.8796C17218.4197,-570.9633 17225.9293,-561.4565 17233.1874,-552.268\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17236.0309,-554.3147 17239.483,-544.2981 17230.5379,-549.9757 17236.0309,-554.3147\"/>\n</g>\n<!-- 447 -->\n<g id=\"node448\" class=\"node\">\n<title>447</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M17324.5,-425C17324.5,-425 17202.5,-425 17202.5,-425 17196.5,-425 17190.5,-419 17190.5,-413 17190.5,-413 17190.5,-354 17190.5,-354 17190.5,-348 17196.5,-342 17202.5,-342 17202.5,-342 17324.5,-342 17324.5,-342 17330.5,-342 17336.5,-348 17336.5,-354 17336.5,-354 17336.5,-413 17336.5,-413 17336.5,-419 17330.5,-425 17324.5,-425\"/>\n<text text-anchor=\"middle\" x=\"17263.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(36...41] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17263.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"17263.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"17263.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17263.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 446&#45;&gt;447 -->\n<g id=\"edge447\" class=\"edge\">\n<title>446&#45;&gt;447</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17269.3522,-460.8796C17268.7324,-452.6838 17268.0748,-443.9891 17267.4329,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17270.9055,-435.0056 17266.6612,-425.2981 17263.9254,-435.5336 17270.9055,-435.0056\"/>\n</g>\n<!-- 450 -->\n<g id=\"node451\" class=\"node\">\n<title>450</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17474,-417.5C17474,-417.5 17367,-417.5 17367,-417.5 17361,-417.5 17355,-411.5 17355,-405.5 17355,-405.5 17355,-361.5 17355,-361.5 17355,-355.5 17361,-349.5 17367,-349.5 17367,-349.5 17474,-349.5 17474,-349.5 17480,-349.5 17486,-355.5 17486,-361.5 17486,-361.5 17486,-405.5 17486,-405.5 17486,-411.5 17480,-417.5 17474,-417.5\"/>\n<text text-anchor=\"middle\" x=\"17420.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17420.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"17420.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"17420.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 446&#45;&gt;450 -->\n<g id=\"edge450\" class=\"edge\">\n<title>446&#45;&gt;450</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17324.2632,-460.8796C17339.0331,-449.0038 17355.1059,-436.0804 17369.8108,-424.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17372.2225,-426.8088 17377.8226,-417.8149 17367.8361,-421.3535 17372.2225,-426.8088\"/>\n</g>\n<!-- 448 -->\n<g id=\"node449\" class=\"node\">\n<title>448</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M17315,-298.5C17315,-298.5 17208,-298.5 17208,-298.5 17202,-298.5 17196,-292.5 17196,-286.5 17196,-286.5 17196,-242.5 17196,-242.5 17196,-236.5 17202,-230.5 17208,-230.5 17208,-230.5 17315,-230.5 17315,-230.5 17321,-230.5 17327,-236.5 17327,-242.5 17327,-242.5 17327,-286.5 17327,-286.5 17327,-292.5 17321,-298.5 17315,-298.5\"/>\n<text text-anchor=\"middle\" x=\"17261.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17261.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"17261.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"17261.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 447&#45;&gt;448 -->\n<g id=\"edge448\" class=\"edge\">\n<title>447&#45;&gt;448</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17262.8005,-341.8796C17262.6212,-331.2134 17262.4278,-319.7021 17262.2462,-308.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17265.7444,-308.7547 17262.0767,-298.8149 17258.7454,-308.8724 17265.7444,-308.7547\"/>\n</g>\n<!-- 449 -->\n<g id=\"node450\" class=\"node\">\n<title>449</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17464,-298.5C17464,-298.5 17357,-298.5 17357,-298.5 17351,-298.5 17345,-292.5 17345,-286.5 17345,-286.5 17345,-242.5 17345,-242.5 17345,-236.5 17351,-230.5 17357,-230.5 17357,-230.5 17464,-230.5 17464,-230.5 17470,-230.5 17476,-236.5 17476,-242.5 17476,-242.5 17476,-286.5 17476,-286.5 17476,-292.5 17470,-298.5 17464,-298.5\"/>\n<text text-anchor=\"middle\" x=\"17410.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17410.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17410.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17410.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 447&#45;&gt;449 -->\n<g id=\"edge449\" class=\"edge\">\n<title>447&#45;&gt;449</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17314.9135,-341.8796C17329.5835,-330.0038 17345.5477,-317.0804 17360.1533,-305.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17362.5407,-307.8273 17368.111,-298.8149 17358.1363,-302.3866 17362.5407,-307.8273\"/>\n</g>\n<!-- 452 -->\n<g id=\"node453\" class=\"node\">\n<title>452</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M17509,-536.5C17509,-536.5 17402,-536.5 17402,-536.5 17396,-536.5 17390,-530.5 17390,-524.5 17390,-524.5 17390,-480.5 17390,-480.5 17390,-474.5 17396,-468.5 17402,-468.5 17402,-468.5 17509,-468.5 17509,-468.5 17515,-468.5 17521,-474.5 17521,-480.5 17521,-480.5 17521,-524.5 17521,-524.5 17521,-530.5 17515,-536.5 17509,-536.5\"/>\n<text text-anchor=\"middle\" x=\"17455.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17455.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17455.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"17455.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 451&#45;&gt;452 -->\n<g id=\"edge452\" class=\"edge\">\n<title>451&#45;&gt;452</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17422.3373,-579.8796C17427.0028,-568.9935 17432.0456,-557.227 17436.7567,-546.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17440.0714,-547.3851 17440.7936,-536.8149 17433.6373,-544.6277 17440.0714,-547.3851\"/>\n</g>\n<!-- 453 -->\n<g id=\"node454\" class=\"node\">\n<title>453</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17658,-536.5C17658,-536.5 17551,-536.5 17551,-536.5 17545,-536.5 17539,-530.5 17539,-524.5 17539,-524.5 17539,-480.5 17539,-480.5 17539,-474.5 17545,-468.5 17551,-468.5 17551,-468.5 17658,-468.5 17658,-468.5 17664,-468.5 17670,-474.5 17670,-480.5 17670,-480.5 17670,-524.5 17670,-524.5 17670,-530.5 17664,-536.5 17658,-536.5\"/>\n<text text-anchor=\"middle\" x=\"17604.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17604.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17604.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17604.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 451&#45;&gt;453 -->\n<g id=\"edge453\" class=\"edge\">\n<title>451&#45;&gt;453</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17474.4503,-579.8796C17495.2474,-567.5053 17517.956,-553.9937 17538.4935,-541.7739\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17540.3462,-544.7443 17547.1504,-536.623 17536.7668,-538.7286 17540.3462,-544.7443\"/>\n</g>\n<!-- 456 -->\n<g id=\"node457\" class=\"node\">\n<title>456</title>\n<path fill=\"#bddef6\" stroke=\"#000000\" d=\"M17597,-782C17597,-782 17442,-782 17442,-782 17436,-782 17430,-776 17430,-770 17430,-770 17430,-711 17430,-711 17430,-705 17436,-699 17442,-699 17442,-699 17597,-699 17597,-699 17603,-699 17609,-705 17609,-711 17609,-711 17609,-770 17609,-770 17609,-776 17603,-782 17597,-782\"/>\n<text text-anchor=\"middle\" x=\"17519.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Private &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17519.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.971</text>\n<text text-anchor=\"middle\" x=\"17519.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"17519.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"17519.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 455&#45;&gt;456 -->\n<g id=\"edge456\" class=\"edge\">\n<title>455&#45;&gt;456</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17544.8597,-817.8796C17542.1147,-809.5037 17539.1988,-800.6067 17536.3591,-791.942\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17539.6389,-790.7107 17533.1985,-782.2981 17532.987,-792.8908 17539.6389,-790.7107\"/>\n</g>\n<!-- 461 -->\n<g id=\"node462\" class=\"node\">\n<title>461</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M17746,-774.5C17746,-774.5 17639,-774.5 17639,-774.5 17633,-774.5 17627,-768.5 17627,-762.5 17627,-762.5 17627,-718.5 17627,-718.5 17627,-712.5 17633,-706.5 17639,-706.5 17639,-706.5 17746,-706.5 17746,-706.5 17752,-706.5 17758,-712.5 17758,-718.5 17758,-718.5 17758,-762.5 17758,-762.5 17758,-768.5 17752,-774.5 17746,-774.5\"/>\n<text text-anchor=\"middle\" x=\"17692.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17692.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17692.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"17692.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 455&#45;&gt;461 -->\n<g id=\"edge461\" class=\"edge\">\n<title>455&#45;&gt;461</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17605.3667,-817.8796C17618.6156,-806.1138 17633.0224,-793.3197 17646.2356,-781.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17648.7065,-784.0722 17653.8597,-774.8149 17644.0584,-778.8381 17648.7065,-784.0722\"/>\n</g>\n<!-- 457 -->\n<g id=\"node458\" class=\"node\">\n<title>457</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17641,-655.5C17641,-655.5 17534,-655.5 17534,-655.5 17528,-655.5 17522,-649.5 17522,-643.5 17522,-643.5 17522,-599.5 17522,-599.5 17522,-593.5 17528,-587.5 17534,-587.5 17534,-587.5 17641,-587.5 17641,-587.5 17647,-587.5 17653,-593.5 17653,-599.5 17653,-599.5 17653,-643.5 17653,-643.5 17653,-649.5 17647,-655.5 17641,-655.5\"/>\n<text text-anchor=\"middle\" x=\"17587.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17587.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"17587.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"17587.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 456&#45;&gt;457 -->\n<g id=\"edge457\" class=\"edge\">\n<title>456&#45;&gt;457</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17543.2831,-698.8796C17549.6294,-687.7735 17556.4993,-675.7513 17562.8891,-664.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17565.9689,-666.2339 17567.8915,-655.8149 17559.8912,-662.7609 17565.9689,-666.2339\"/>\n</g>\n<!-- 458 -->\n<g id=\"node459\" class=\"node\">\n<title>458</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M17836,-663C17836,-663 17683,-663 17683,-663 17677,-663 17671,-657 17671,-651 17671,-651 17671,-592 17671,-592 17671,-586 17677,-580 17683,-580 17683,-580 17836,-580 17836,-580 17842,-580 17848,-586 17848,-592 17848,-592 17848,-651 17848,-651 17848,-657 17842,-663 17836,-663\"/>\n<text text-anchor=\"middle\" x=\"17759.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Sales &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"17759.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"17759.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"17759.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17759.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 456&#45;&gt;458 -->\n<g id=\"edge458\" class=\"edge\">\n<title>456&#45;&gt;458</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17603.4404,-698.8796C17623.811,-688.7791 17645.7099,-677.9209 17666.4727,-667.626\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17668.2027,-670.6749 17675.607,-663.0969 17665.0931,-664.4035 17668.2027,-670.6749\"/>\n</g>\n<!-- 459 -->\n<g id=\"node460\" class=\"node\">\n<title>459</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M17808,-536.5C17808,-536.5 17701,-536.5 17701,-536.5 17695,-536.5 17689,-530.5 17689,-524.5 17689,-524.5 17689,-480.5 17689,-480.5 17689,-474.5 17695,-468.5 17701,-468.5 17701,-468.5 17808,-468.5 17808,-468.5 17814,-468.5 17820,-474.5 17820,-480.5 17820,-480.5 17820,-524.5 17820,-524.5 17820,-530.5 17814,-536.5 17808,-536.5\"/>\n<text text-anchor=\"middle\" x=\"17754.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17754.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"17754.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"17754.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 458&#45;&gt;459 -->\n<g id=\"edge459\" class=\"edge\">\n<title>458&#45;&gt;459</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17757.7512,-579.8796C17757.3031,-569.2134 17756.8194,-557.7021 17756.3656,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17759.8586,-546.6592 17755.9418,-536.8149 17752.8648,-546.9531 17759.8586,-546.6592\"/>\n</g>\n<!-- 460 -->\n<g id=\"node461\" class=\"node\">\n<title>460</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17957,-536.5C17957,-536.5 17850,-536.5 17850,-536.5 17844,-536.5 17838,-530.5 17838,-524.5 17838,-524.5 17838,-480.5 17838,-480.5 17838,-474.5 17844,-468.5 17850,-468.5 17850,-468.5 17957,-468.5 17957,-468.5 17963,-468.5 17969,-474.5 17969,-480.5 17969,-480.5 17969,-524.5 17969,-524.5 17969,-530.5 17963,-536.5 17957,-536.5\"/>\n<text text-anchor=\"middle\" x=\"17903.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17903.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17903.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17903.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 458&#45;&gt;460 -->\n<g id=\"edge460\" class=\"edge\">\n<title>458&#45;&gt;460</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17809.8642,-579.8796C17824.2349,-568.0038 17839.8733,-555.0804 17854.1808,-543.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17856.4971,-545.8831 17861.976,-536.8149 17852.038,-540.4872 17856.4971,-545.8831\"/>\n</g>\n<!-- 463 -->\n<g id=\"node464\" class=\"node\">\n<title>463</title>\n<path fill=\"#3d9fe6\" stroke=\"#000000\" d=\"M18231.5,-1020C18231.5,-1020 18037.5,-1020 18037.5,-1020 18031.5,-1020 18025.5,-1014 18025.5,-1008 18025.5,-1008 18025.5,-949 18025.5,-949 18025.5,-943 18031.5,-937 18037.5,-937 18037.5,-937 18231.5,-937 18231.5,-937 18237.5,-937 18243.5,-943 18243.5,-949 18243.5,-949 18243.5,-1008 18243.5,-1008 18243.5,-1014 18237.5,-1020 18231.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(10...12] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.144</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 98</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 96, 0]</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 462&#45;&gt;463 -->\n<g id=\"edge463\" class=\"edge\">\n<title>462&#45;&gt;463</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18134.5,-1055.8796C18134.5,-1047.6838 18134.5,-1038.9891 18134.5,-1030.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18138.0001,-1030.298 18134.5,-1020.2981 18131.0001,-1030.2981 18138.0001,-1030.298\"/>\n</g>\n<!-- 472 -->\n<g id=\"node473\" class=\"node\">\n<title>472</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M18588.5,-1020C18588.5,-1020 18466.5,-1020 18466.5,-1020 18460.5,-1020 18454.5,-1014 18454.5,-1008 18454.5,-1008 18454.5,-949 18454.5,-949 18454.5,-943 18460.5,-937 18466.5,-937 18466.5,-937 18588.5,-937 18588.5,-937 18594.5,-937 18600.5,-943 18600.5,-949 18600.5,-949 18600.5,-1008 18600.5,-1008 18600.5,-1014 18594.5,-1020 18588.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(27...32] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 462&#45;&gt;472 -->\n<g id=\"edge472\" class=\"edge\">\n<title>462&#45;&gt;472</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18261.5531,-1059.0284C18321.6164,-1040.8413 18391.6144,-1019.646 18444.7176,-1003.5664\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18445.8738,-1006.8734 18454.4303,-1000.6254 18443.8451,-1000.1738 18445.8738,-1006.8734\"/>\n</g>\n<!-- 464 -->\n<g id=\"node465\" class=\"node\">\n<title>464</title>\n<path fill=\"#3b9ee5\" stroke=\"#000000\" d=\"M18106,-901C18106,-901 17933,-901 17933,-901 17927,-901 17921,-895 17921,-889 17921,-889 17921,-830 17921,-830 17921,-824 17927,-818 17933,-818 17933,-818 18106,-818 18106,-818 18112,-818 18118,-824 18118,-830 18118,-830 18118,-889 18118,-889 18118,-895 18112,-901 18106,-901\"/>\n<text text-anchor=\"middle\" x=\"18019.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Local&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18019.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.086</text>\n<text text-anchor=\"middle\" x=\"18019.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 93</text>\n<text text-anchor=\"middle\" x=\"18019.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 92, 0]</text>\n<text text-anchor=\"middle\" x=\"18019.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 463&#45;&gt;464 -->\n<g id=\"edge464\" class=\"edge\">\n<title>463&#45;&gt;464</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18094.2786,-936.8796C18085.488,-927.7832 18076.1034,-918.0722 18067.0574,-908.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18069.3591,-906.0568 18059.8931,-901.2981 18064.3255,-910.9212 18069.3591,-906.0568\"/>\n</g>\n<!-- 469 -->\n<g id=\"node470\" class=\"node\">\n<title>469</title>\n<path fill=\"#6ab6ec\" stroke=\"#000000\" d=\"M18352.5,-901C18352.5,-901 18148.5,-901 18148.5,-901 18142.5,-901 18136.5,-895 18136.5,-889 18136.5,-889 18136.5,-830 18136.5,-830 18136.5,-824 18142.5,-818 18148.5,-818 18148.5,-818 18352.5,-818 18352.5,-818 18358.5,-818 18364.5,-824 18364.5,-830 18364.5,-830 18364.5,-889 18364.5,-889 18364.5,-895 18358.5,-901 18352.5,-901\"/>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Prof&#45;specialty &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 463&#45;&gt;469 -->\n<g id=\"edge469\" class=\"edge\">\n<title>463&#45;&gt;469</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18175.0712,-936.8796C18183.9382,-927.7832 18193.4044,-918.0722 18202.5291,-908.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18205.2817,-910.9019 18209.7557,-901.2981 18200.2691,-906.0158 18205.2817,-910.9019\"/>\n</g>\n<!-- 465 -->\n<g id=\"node466\" class=\"node\">\n<title>465</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17903,-774.5C17903,-774.5 17788,-774.5 17788,-774.5 17782,-774.5 17776,-768.5 17776,-762.5 17776,-762.5 17776,-718.5 17776,-718.5 17776,-712.5 17782,-706.5 17788,-706.5 17788,-706.5 17903,-706.5 17903,-706.5 17909,-706.5 17915,-712.5 17915,-718.5 17915,-718.5 17915,-762.5 17915,-762.5 17915,-768.5 17909,-774.5 17903,-774.5\"/>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 86</text>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 86, 0]</text>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 464&#45;&gt;465 -->\n<g id=\"edge465\" class=\"edge\">\n<title>464&#45;&gt;465</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17958.6432,-817.8796C17940.8729,-805.7263 17921.4983,-792.4759 17903.8847,-780.4297\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17905.6243,-777.3792 17895.3942,-774.623 17901.6726,-783.1572 17905.6243,-777.3792\"/>\n</g>\n<!-- 466 -->\n<g id=\"node467\" class=\"node\">\n<title>466</title>\n<path fill=\"#5aade9\" stroke=\"#000000\" d=\"M18133.5,-782C18133.5,-782 17945.5,-782 17945.5,-782 17939.5,-782 17933.5,-776 17933.5,-770 17933.5,-770 17933.5,-711 17933.5,-711 17933.5,-705 17939.5,-699 17945.5,-699 17945.5,-699 18133.5,-699 18133.5,-699 18139.5,-699 18145.5,-705 18145.5,-711 18145.5,-711 18145.5,-770 18145.5,-770 18145.5,-776 18139.5,-782 18133.5,-782\"/>\n<text text-anchor=\"middle\" x=\"18039.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Craft&#45;repair &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18039.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.592</text>\n<text text-anchor=\"middle\" x=\"18039.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"18039.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"18039.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 464&#45;&gt;466 -->\n<g id=\"edge466\" class=\"edge\">\n<title>464&#45;&gt;466</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18026.495,-817.8796C18027.8876,-809.5938 18029.3659,-800.798 18030.8073,-792.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18034.2692,-792.7399 18032.4751,-782.2981 18027.366,-791.5796 18034.2692,-792.7399\"/>\n</g>\n<!-- 467 -->\n<g id=\"node468\" class=\"node\">\n<title>467</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18039,-655.5C18039,-655.5 17932,-655.5 17932,-655.5 17926,-655.5 17920,-649.5 17920,-643.5 17920,-643.5 17920,-599.5 17920,-599.5 17920,-593.5 17926,-587.5 17932,-587.5 17932,-587.5 18039,-587.5 18039,-587.5 18045,-587.5 18051,-593.5 18051,-599.5 18051,-599.5 18051,-643.5 18051,-643.5 18051,-649.5 18045,-655.5 18039,-655.5\"/>\n<text text-anchor=\"middle\" x=\"17985.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17985.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"17985.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"17985.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 466&#45;&gt;467 -->\n<g id=\"edge467\" class=\"edge\">\n<title>466&#45;&gt;467</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18020.6134,-698.8796C18015.6735,-687.9935 18010.3341,-676.227 18005.3459,-665.2344\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18008.391,-663.4749 18001.0715,-655.8149 18002.0166,-666.3675 18008.391,-663.4749\"/>\n</g>\n<!-- 468 -->\n<g id=\"node469\" class=\"node\">\n<title>468</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18188,-655.5C18188,-655.5 18081,-655.5 18081,-655.5 18075,-655.5 18069,-649.5 18069,-643.5 18069,-643.5 18069,-599.5 18069,-599.5 18069,-593.5 18075,-587.5 18081,-587.5 18081,-587.5 18188,-587.5 18188,-587.5 18194,-587.5 18200,-593.5 18200,-599.5 18200,-599.5 18200,-643.5 18200,-643.5 18200,-649.5 18194,-655.5 18188,-655.5\"/>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18134.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 466&#45;&gt;468 -->\n<g id=\"edge468\" class=\"edge\">\n<title>466&#45;&gt;468</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18072.7264,-698.8796C18081.7681,-687.5536 18091.5705,-675.2748 18100.6466,-663.9058\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18103.602,-665.8137 18107.1057,-655.8149 18098.1315,-661.4464 18103.602,-665.8137\"/>\n</g>\n<!-- 470 -->\n<g id=\"node471\" class=\"node\">\n<title>470</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18283,-774.5C18283,-774.5 18176,-774.5 18176,-774.5 18170,-774.5 18164,-768.5 18164,-762.5 18164,-762.5 18164,-718.5 18164,-718.5 18164,-712.5 18170,-706.5 18176,-706.5 18176,-706.5 18283,-706.5 18283,-706.5 18289,-706.5 18295,-712.5 18295,-718.5 18295,-718.5 18295,-762.5 18295,-762.5 18295,-768.5 18289,-774.5 18283,-774.5\"/>\n<text text-anchor=\"middle\" x=\"18229.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18229.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"18229.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"18229.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 469&#45;&gt;470 -->\n<g id=\"edge470\" class=\"edge\">\n<title>469&#45;&gt;470</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18243.1552,-817.8796C18241.2729,-807.2134 18239.2415,-795.7021 18237.3356,-784.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18240.7403,-784.0545 18235.5556,-774.8149 18233.8468,-785.2711 18240.7403,-784.0545\"/>\n</g>\n<!-- 471 -->\n<g id=\"node472\" class=\"node\">\n<title>471</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18432,-774.5C18432,-774.5 18325,-774.5 18325,-774.5 18319,-774.5 18313,-768.5 18313,-762.5 18313,-762.5 18313,-718.5 18313,-718.5 18313,-712.5 18319,-706.5 18325,-706.5 18325,-706.5 18432,-706.5 18432,-706.5 18438,-706.5 18444,-712.5 18444,-718.5 18444,-718.5 18444,-762.5 18444,-762.5 18444,-768.5 18438,-774.5 18432,-774.5\"/>\n<text text-anchor=\"middle\" x=\"18378.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18378.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18378.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18378.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 469&#45;&gt;471 -->\n<g id=\"edge471\" class=\"edge\">\n<title>469&#45;&gt;471</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18295.2682,-817.8796C18307.8056,-806.2237 18321.4284,-793.5587 18333.953,-781.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18336.6491,-784.1872 18341.5898,-774.8149 18331.8828,-779.0605 18336.6491,-784.1872\"/>\n</g>\n<!-- 473 -->\n<g id=\"node474\" class=\"node\">\n<title>473</title>\n<path fill=\"#9ccef2\" stroke=\"#000000\" d=\"M18616.5,-901C18616.5,-901 18438.5,-901 18438.5,-901 18432.5,-901 18426.5,-895 18426.5,-889 18426.5,-889 18426.5,-830 18426.5,-830 18426.5,-824 18432.5,-818 18438.5,-818 18438.5,-818 18616.5,-818 18616.5,-818 18622.5,-818 18628.5,-824 18628.5,-830 18628.5,-830 18628.5,-889 18628.5,-889 18628.5,-895 18622.5,-901 18616.5,-901\"/>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(2...4] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 472&#45;&gt;473 -->\n<g id=\"edge473\" class=\"edge\">\n<title>472&#45;&gt;473</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18527.5,-936.8796C18527.5,-928.6838 18527.5,-919.9891 18527.5,-911.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18531.0001,-911.298 18527.5,-901.2981 18524.0001,-911.2981 18531.0001,-911.298\"/>\n</g>\n<!-- 476 -->\n<g id=\"node477\" class=\"node\">\n<title>476</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18766,-893.5C18766,-893.5 18659,-893.5 18659,-893.5 18653,-893.5 18647,-887.5 18647,-881.5 18647,-881.5 18647,-837.5 18647,-837.5 18647,-831.5 18653,-825.5 18659,-825.5 18659,-825.5 18766,-825.5 18766,-825.5 18772,-825.5 18778,-831.5 18778,-837.5 18778,-837.5 18778,-881.5 18778,-881.5 18778,-887.5 18772,-893.5 18766,-893.5\"/>\n<text text-anchor=\"middle\" x=\"18712.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18712.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18712.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18712.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 472&#45;&gt;476 -->\n<g id=\"edge476\" class=\"edge\">\n<title>472&#45;&gt;476</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18592.204,-936.8796C18611.2696,-924.6158 18632.0719,-911.2348 18650.9346,-899.1015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18652.9347,-901.9766 18659.4516,-893.623 18649.1478,-896.0893 18652.9347,-901.9766\"/>\n</g>\n<!-- 474 -->\n<g id=\"node475\" class=\"node\">\n<title>474</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18581,-774.5C18581,-774.5 18474,-774.5 18474,-774.5 18468,-774.5 18462,-768.5 18462,-762.5 18462,-762.5 18462,-718.5 18462,-718.5 18462,-712.5 18468,-706.5 18474,-706.5 18474,-706.5 18581,-706.5 18581,-706.5 18587,-706.5 18593,-712.5 18593,-718.5 18593,-718.5 18593,-762.5 18593,-762.5 18593,-768.5 18587,-774.5 18581,-774.5\"/>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"18527.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 473&#45;&gt;474 -->\n<g id=\"edge474\" class=\"edge\">\n<title>473&#45;&gt;474</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18527.5,-817.8796C18527.5,-807.2134 18527.5,-795.7021 18527.5,-784.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18531.0001,-784.8149 18527.5,-774.8149 18524.0001,-784.815 18531.0001,-784.8149\"/>\n</g>\n<!-- 475 -->\n<g id=\"node476\" class=\"node\">\n<title>475</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18730,-774.5C18730,-774.5 18623,-774.5 18623,-774.5 18617,-774.5 18611,-768.5 18611,-762.5 18611,-762.5 18611,-718.5 18611,-718.5 18611,-712.5 18617,-706.5 18623,-706.5 18623,-706.5 18730,-706.5 18730,-706.5 18736,-706.5 18742,-712.5 18742,-718.5 18742,-718.5 18742,-762.5 18742,-762.5 18742,-768.5 18736,-774.5 18730,-774.5\"/>\n<text text-anchor=\"middle\" x=\"18676.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18676.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18676.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18676.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 473&#45;&gt;475 -->\n<g id=\"edge475\" class=\"edge\">\n<title>473&#45;&gt;475</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18579.613,-817.8796C18594.4826,-806.0038 18610.664,-793.0804 18625.4683,-781.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18627.9046,-783.7904 18633.5342,-774.8149 18623.5362,-778.3207 18627.9046,-783.7904\"/>\n</g>\n<!-- 478 -->\n<g id=\"node479\" class=\"node\">\n<title>478</title>\n<path fill=\"#d5eafa\" stroke=\"#000000\" d=\"M19618,-1258C19618,-1258 19415,-1258 19415,-1258 19409,-1258 19403,-1252 19403,-1246 19403,-1246 19403,-1187 19403,-1187 19403,-1181 19409,-1175 19415,-1175 19415,-1175 19618,-1175 19618,-1175 19624,-1175 19630,-1181 19630,-1187 19630,-1187 19630,-1246 19630,-1246 19630,-1252 19624,-1258 19618,-1258\"/>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1960...2015] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.99</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 213</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [94, 0, 119, 0]</text>\n<text text-anchor=\"middle\" x=\"19516.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 477&#45;&gt;478 -->\n<g id=\"edge478\" class=\"edge\">\n<title>477&#45;&gt;478</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19516.5,-1293.8796C19516.5,-1285.6838 19516.5,-1276.9891 19516.5,-1268.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19520.0001,-1268.298 19516.5,-1258.2981 19513.0001,-1268.2981 19520.0001,-1268.298\"/>\n</g>\n<!-- 549 -->\n<g id=\"node550\" class=\"node\">\n<title>549</title>\n<path fill=\"#40a1e6\" stroke=\"#000000\" d=\"M20850.5,-1258C20850.5,-1258 20614.5,-1258 20614.5,-1258 20608.5,-1258 20602.5,-1252 20602.5,-1246 20602.5,-1246 20602.5,-1187 20602.5,-1187 20602.5,-1181 20608.5,-1175 20614.5,-1175 20614.5,-1175 20850.5,-1175 20850.5,-1175 20856.5,-1175 20862.5,-1181 20862.5,-1187 20862.5,-1187 20862.5,-1246 20862.5,-1246 20862.5,-1252 20856.5,-1258 20850.5,-1258\"/>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Machine&#45;op&#45;inspct &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.221</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 113</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 109, 0]</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 477&#45;&gt;549 -->\n<g id=\"edge549\" class=\"edge\">\n<title>477&#45;&gt;549</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19630.079,-1324.385C19853.397,-1302.5306 20349.0191,-1254.0281 20592.2899,-1230.2212\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20592.6477,-1233.703 20602.2593,-1229.2456 20591.9659,-1226.7363 20592.6477,-1233.703\"/>\n</g>\n<!-- 479 -->\n<g id=\"node480\" class=\"node\">\n<title>479</title>\n<path fill=\"#f7d6bf\" stroke=\"#000000\" d=\"M19465,-1139C19465,-1139 19262,-1139 19262,-1139 19256,-1139 19250,-1133 19250,-1127 19250,-1127 19250,-1068 19250,-1068 19250,-1062 19256,-1056 19262,-1056 19262,-1056 19465,-1056 19465,-1056 19471,-1056 19477,-1062 19477,-1068 19477,-1068 19477,-1127 19477,-1127 19477,-1133 19471,-1139 19465,-1139\"/>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1797...1851] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.973</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 144</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [86, 0, 58, 0]</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 478&#45;&gt;479 -->\n<g id=\"edge479\" class=\"edge\">\n<title>478&#45;&gt;479</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19462.988,-1174.8796C19450.7588,-1165.368 19437.6656,-1155.1843 19425.1268,-1145.432\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19427.0241,-1142.4736 19416.9818,-1139.0969 19422.7265,-1147.9991 19427.0241,-1142.4736\"/>\n</g>\n<!-- 520 -->\n<g id=\"node521\" class=\"node\">\n<title>520</title>\n<path fill=\"#53aae8\" stroke=\"#000000\" d=\"M19795,-1139C19795,-1139 19632,-1139 19632,-1139 19626,-1139 19620,-1133 19620,-1127 19620,-1127 19620,-1068 19620,-1068 19620,-1062 19626,-1056 19632,-1056 19632,-1056 19795,-1056 19795,-1056 19801,-1056 19807,-1062 19807,-1068 19807,-1068 19807,-1127 19807,-1127 19807,-1133 19801,-1139 19795,-1139\"/>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_HS&#45;grad &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.518</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 69</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [8, 0, 61, 0]</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 478&#45;&gt;520 -->\n<g id=\"edge520\" class=\"edge\">\n<title>478&#45;&gt;520</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19585.401,-1174.8796C19601.747,-1165.0056 19619.2919,-1154.4075 19635.9924,-1144.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19637.888,-1147.2633 19644.6379,-1139.0969 19634.2686,-1141.2716 19637.888,-1147.2633\"/>\n</g>\n<!-- 480 -->\n<g id=\"node481\" class=\"node\">\n<title>480</title>\n<path fill=\"#f0b88f\" stroke=\"#000000\" d=\"M19220,-1020C19220,-1020 19017,-1020 19017,-1020 19011,-1020 19005,-1014 19005,-1008 19005,-1008 19005,-949 19005,-949 19005,-943 19011,-937 19017,-937 19017,-937 19220,-937 19220,-937 19226,-937 19232,-943 19232,-949 19232,-949 19232,-1008 19232,-1008 19232,-1014 19226,-1020 19220,-1020\"/>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2396...2450] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.885</text>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 122</text>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [85, 0, 37, 0]</text>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 479&#45;&gt;480 -->\n<g id=\"edge480\" class=\"edge\">\n<title>479&#45;&gt;480</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19277.8109,-1055.8796C19256.9226,-1045.7339 19234.4602,-1034.8235 19213.1803,-1024.4876\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19214.665,-1021.3177 19204.1407,-1020.0969 19211.6066,-1027.6143 19214.665,-1021.3177\"/>\n</g>\n<!-- 515 -->\n<g id=\"node516\" class=\"node\">\n<title>515</title>\n<path fill=\"#42a2e6\" stroke=\"#000000\" d=\"M19424.5,-1020C19424.5,-1020 19302.5,-1020 19302.5,-1020 19296.5,-1020 19290.5,-1014 19290.5,-1008 19290.5,-1008 19290.5,-949 19290.5,-949 19290.5,-943 19296.5,-937 19302.5,-937 19302.5,-937 19424.5,-937 19424.5,-937 19430.5,-937 19436.5,-943 19436.5,-949 19436.5,-949 19436.5,-1008 19436.5,-1008 19436.5,-1014 19430.5,-1020 19424.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(66...71] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.267</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 22</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 21, 0]</text>\n<text text-anchor=\"middle\" x=\"19363.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 479&#45;&gt;515 -->\n<g id=\"edge515\" class=\"edge\">\n<title>479&#45;&gt;515</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19363.5,-1055.8796C19363.5,-1047.6838 19363.5,-1038.9891 19363.5,-1030.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19367.0001,-1030.298 19363.5,-1020.2981 19360.0001,-1030.2981 19367.0001,-1030.298\"/>\n</g>\n<!-- 481 -->\n<g id=\"node482\" class=\"node\">\n<title>481</title>\n<path fill=\"#eca571\" stroke=\"#000000\" d=\"M19019,-901C19019,-901 18816,-901 18816,-901 18810,-901 18804,-895 18804,-889 18804,-889 18804,-830 18804,-830 18804,-824 18810,-818 18816,-818 18816,-818 19019,-818 19019,-818 19025,-818 19031,-824 19031,-830 19031,-830 19031,-889 19031,-889 19031,-895 19025,-901 19019,-901\"/>\n<text text-anchor=\"middle\" x=\"18917.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(1470...1525] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18917.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.761</text>\n<text text-anchor=\"middle\" x=\"18917.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 109</text>\n<text text-anchor=\"middle\" x=\"18917.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [85, 0, 24, 0]</text>\n<text text-anchor=\"middle\" x=\"18917.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 480&#45;&gt;481 -->\n<g id=\"edge481\" class=\"edge\">\n<title>480&#45;&gt;481</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19048.2,-936.8796C19031.5221,-927.0056 19013.621,-916.4075 18996.5814,-906.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18998.1485,-903.1797 18987.7604,-901.0969 18994.5823,-909.2032 18998.1485,-903.1797\"/>\n</g>\n<!-- 514 -->\n<g id=\"node515\" class=\"node\">\n<title>514</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19176,-893.5C19176,-893.5 19061,-893.5 19061,-893.5 19055,-893.5 19049,-887.5 19049,-881.5 19049,-881.5 19049,-837.5 19049,-837.5 19049,-831.5 19055,-825.5 19061,-825.5 19061,-825.5 19176,-825.5 19176,-825.5 19182,-825.5 19188,-831.5 19188,-837.5 19188,-837.5 19188,-881.5 19188,-881.5 19188,-887.5 19182,-893.5 19176,-893.5\"/>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 13</text>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 13, 0]</text>\n<text text-anchor=\"middle\" x=\"19118.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 480&#45;&gt;514 -->\n<g id=\"edge514\" class=\"edge\">\n<title>480&#45;&gt;514</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19118.5,-936.8796C19118.5,-926.2134 19118.5,-914.7021 19118.5,-903.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19122.0001,-903.8149 19118.5,-893.8149 19115.0001,-903.815 19122.0001,-903.8149\"/>\n</g>\n<!-- 482 -->\n<g id=\"node483\" class=\"node\">\n<title>482</title>\n<path fill=\"#e99355\" stroke=\"#000000\" d=\"M18895,-782C18895,-782 18772,-782 18772,-782 18766,-782 18760,-776 18760,-770 18760,-770 18760,-711 18760,-711 18760,-705 18766,-699 18772,-699 18772,-699 18895,-699 18895,-699 18901,-699 18907,-705 18907,-711 18907,-711 18907,-770 18907,-770 18907,-776 18901,-782 18895,-782\"/>\n<text text-anchor=\"middle\" x=\"18833.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(66...71] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18833.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.54</text>\n<text text-anchor=\"middle\" x=\"18833.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 89</text>\n<text text-anchor=\"middle\" x=\"18833.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [78, 0, 11, 0]</text>\n<text text-anchor=\"middle\" x=\"18833.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 481&#45;&gt;482 -->\n<g id=\"edge482\" class=\"edge\">\n<title>481&#45;&gt;482</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18888.1209,-817.8796C18881.8906,-809.0534 18875.2519,-799.6485 18868.827,-790.5466\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18871.6308,-788.4494 18863.0045,-782.2981 18865.912,-792.4862 18871.6308,-788.4494\"/>\n</g>\n<!-- 499 -->\n<g id=\"node500\" class=\"node\">\n<title>499</title>\n<path fill=\"#a4d2f3\" stroke=\"#000000\" d=\"M19111.5,-782C19111.5,-782 18937.5,-782 18937.5,-782 18931.5,-782 18925.5,-776 18925.5,-770 18925.5,-770 18925.5,-711 18925.5,-711 18925.5,-705 18931.5,-699 18937.5,-699 18937.5,-699 19111.5,-699 19111.5,-699 19117.5,-699 19123.5,-705 19123.5,-711 19123.5,-711 19123.5,-770 19123.5,-770 19123.5,-776 19117.5,-782 19111.5,-782\"/>\n<text text-anchor=\"middle\" x=\"19024.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Bachelors &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19024.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.934</text>\n<text text-anchor=\"middle\" x=\"19024.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 20</text>\n<text text-anchor=\"middle\" x=\"19024.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7, 0, 13, 0]</text>\n<text text-anchor=\"middle\" x=\"19024.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 481&#45;&gt;499 -->\n<g id=\"edge499\" class=\"edge\">\n<title>481&#45;&gt;499</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18954.9234,-817.8796C18963.0215,-808.8733 18971.6614,-799.2644 18980.0009,-789.9897\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18982.8333,-792.0743 18986.9169,-782.2981 18977.628,-787.394 18982.8333,-792.0743\"/>\n</g>\n<!-- 483 -->\n<g id=\"node484\" class=\"node\">\n<title>483</title>\n<path fill=\"#e68843\" stroke=\"#000000\" d=\"M18504,-663C18504,-663 18301,-663 18301,-663 18295,-663 18289,-657 18289,-651 18289,-651 18289,-592 18289,-592 18289,-586 18295,-580 18301,-580 18301,-580 18504,-580 18504,-580 18510,-580 18516,-586 18516,-592 18516,-592 18516,-651 18516,-651 18516,-657 18510,-663 18504,-663\"/>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2124...2178] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.286</text>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 80</text>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [76, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 482&#45;&gt;483 -->\n<g id=\"edge483\" class=\"edge\">\n<title>482&#45;&gt;483</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18759.6958,-702.4302C18756.6148,-701.213 18753.5418,-700.0629 18750.5,-699 18677.5918,-673.5239 18655.8887,-679.7688 18580.5,-663 18562.9086,-659.0871 18544.362,-654.8679 18526.1496,-650.6708\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18526.9011,-647.2523 18516.37,-648.4119 18525.3257,-654.0728 18526.9011,-647.2523\"/>\n</g>\n<!-- 496 -->\n<g id=\"node497\" class=\"node\">\n<title>496</title>\n<path fill=\"#72b9ec\" stroke=\"#000000\" d=\"M18799.5,-663C18799.5,-663 18601.5,-663 18601.5,-663 18595.5,-663 18589.5,-657 18589.5,-651 18589.5,-651 18589.5,-592 18589.5,-592 18589.5,-586 18595.5,-580 18601.5,-580 18601.5,-580 18799.5,-580 18799.5,-580 18805.5,-580 18811.5,-586 18811.5,-592 18811.5,-592 18811.5,-651 18811.5,-651 18811.5,-657 18805.5,-663 18799.5,-663\"/>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Some&#45;college &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.764</text>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 7, 0]</text>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 482&#45;&gt;496 -->\n<g id=\"edge496\" class=\"edge\">\n<title>482&#45;&gt;496</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18786.9831,-698.8796C18776.6152,-689.6031 18765.5329,-679.6874 18754.8801,-670.1559\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18757.0017,-667.3577 18747.2155,-663.2981 18752.3341,-672.5744 18757.0017,-667.3577\"/>\n</g>\n<!-- 484 -->\n<g id=\"node485\" class=\"node\">\n<title>484</title>\n<path fill=\"#e68641\" stroke=\"#000000\" d=\"M18307,-544C18307,-544 18104,-544 18104,-544 18098,-544 18092,-538 18092,-532 18092,-532 18092,-473 18092,-473 18092,-467 18098,-461 18104,-461 18104,-461 18307,-461 18307,-461 18313,-461 18319,-467 18319,-473 18319,-473 18319,-532 18319,-532 18319,-538 18313,-544 18307,-544\"/>\n<text text-anchor=\"middle\" x=\"18205.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2341...2396] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18205.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.233</text>\n<text text-anchor=\"middle\" x=\"18205.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 79</text>\n<text text-anchor=\"middle\" x=\"18205.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [76, 0, 3, 0]</text>\n<text text-anchor=\"middle\" x=\"18205.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 483&#45;&gt;484 -->\n<g id=\"edge484\" class=\"edge\">\n<title>483&#45;&gt;484</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18333.599,-579.8796C18317.253,-570.0056 18299.7081,-559.4075 18283.0076,-549.3193\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18284.7314,-546.2716 18274.3621,-544.0969 18281.112,-552.2633 18284.7314,-546.2716\"/>\n</g>\n<!-- 495 -->\n<g id=\"node496\" class=\"node\">\n<title>495</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18456,-536.5C18456,-536.5 18349,-536.5 18349,-536.5 18343,-536.5 18337,-530.5 18337,-524.5 18337,-524.5 18337,-480.5 18337,-480.5 18337,-474.5 18343,-468.5 18349,-468.5 18349,-468.5 18456,-468.5 18456,-468.5 18462,-468.5 18468,-474.5 18468,-480.5 18468,-480.5 18468,-524.5 18468,-524.5 18468,-530.5 18462,-536.5 18456,-536.5\"/>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"18402.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 483&#45;&gt;495 -->\n<g id=\"edge495\" class=\"edge\">\n<title>483&#45;&gt;495</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18402.5,-579.8796C18402.5,-569.2134 18402.5,-557.7021 18402.5,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18406.0001,-546.8149 18402.5,-536.8149 18399.0001,-546.815 18406.0001,-546.8149\"/>\n</g>\n<!-- 485 -->\n<g id=\"node486\" class=\"node\">\n<title>485</title>\n<path fill=\"#e5833c\" stroke=\"#000000\" d=\"M18133,-425C18133,-425 17930,-425 17930,-425 17924,-425 17918,-419 17918,-413 17918,-413 17918,-354 17918,-354 17918,-348 17924,-342 17930,-342 17930,-342 18133,-342 18133,-342 18139,-342 18145,-348 18145,-354 18145,-354 18145,-413 18145,-413 18145,-419 18139,-425 18133,-425\"/>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;loss_(2232...2287] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.104</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 73</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [72, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 484&#45;&gt;485 -->\n<g id=\"edge485\" class=\"edge\">\n<title>484&#45;&gt;485</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18144.6432,-460.8796C18130.4706,-451.1868 18115.2775,-440.7961 18100.7712,-430.8752\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18102.5525,-427.8531 18092.3224,-425.0969 18098.6008,-433.6311 18102.5525,-427.8531\"/>\n</g>\n<!-- 490 -->\n<g id=\"node491\" class=\"node\">\n<title>490</title>\n<path fill=\"#f2c09c\" stroke=\"#000000\" d=\"M18360.5,-425C18360.5,-425 18186.5,-425 18186.5,-425 18180.5,-425 18174.5,-419 18174.5,-413 18174.5,-413 18174.5,-354 18174.5,-354 18174.5,-348 18180.5,-342 18186.5,-342 18186.5,-342 18360.5,-342 18360.5,-342 18366.5,-342 18372.5,-348 18372.5,-354 18372.5,-354 18372.5,-413 18372.5,-413 18372.5,-419 18366.5,-425 18360.5,-425\"/>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Bachelors &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 484&#45;&gt;490 -->\n<g id=\"edge490\" class=\"edge\">\n<title>484&#45;&gt;490</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18229.2831,-460.8796C18234.2237,-452.2335 18239.4816,-443.0322 18244.5833,-434.1042\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18247.6928,-435.717 18249.6154,-425.2981 18241.6151,-432.244 18247.6928,-435.717\"/>\n</g>\n<!-- 486 -->\n<g id=\"node487\" class=\"node\">\n<title>486</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M17903,-298.5C17903,-298.5 17788,-298.5 17788,-298.5 17782,-298.5 17776,-292.5 17776,-286.5 17776,-286.5 17776,-242.5 17776,-242.5 17776,-236.5 17782,-230.5 17788,-230.5 17788,-230.5 17903,-230.5 17903,-230.5 17909,-230.5 17915,-236.5 17915,-242.5 17915,-242.5 17915,-286.5 17915,-286.5 17915,-292.5 17909,-298.5 17903,-298.5\"/>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 71</text>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [71, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"17845.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 485&#45;&gt;486 -->\n<g id=\"edge486\" class=\"edge\">\n<title>485&#45;&gt;486</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17966.4462,-341.8796C17947.2776,-329.6158 17926.3629,-316.2348 17907.3982,-304.1015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17909.145,-301.0641 17898.8352,-298.623 17905.3725,-306.9606 17909.145,-301.0641\"/>\n</g>\n<!-- 487 -->\n<g id=\"node488\" class=\"node\">\n<title>487</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M18118,-306C18118,-306 17945,-306 17945,-306 17939,-306 17933,-300 17933,-294 17933,-294 17933,-235 17933,-235 17933,-229 17939,-223 17945,-223 17945,-223 18118,-223 18118,-223 18124,-223 18130,-229 18130,-235 18130,-235 18130,-294 18130,-294 18130,-300 18124,-306 18118,-306\"/>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Local&#45;gov &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"18031.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 485&#45;&gt;487 -->\n<g id=\"edge487\" class=\"edge\">\n<title>485&#45;&gt;487</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18031.5,-341.8796C18031.5,-333.6838 18031.5,-324.9891 18031.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18035.0001,-316.298 18031.5,-306.2981 18028.0001,-316.2981 18035.0001,-316.298\"/>\n</g>\n<!-- 488 -->\n<g id=\"node489\" class=\"node\">\n<title>488</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M17960,-179.5C17960,-179.5 17853,-179.5 17853,-179.5 17847,-179.5 17841,-173.5 17841,-167.5 17841,-167.5 17841,-123.5 17841,-123.5 17841,-117.5 17847,-111.5 17853,-111.5 17853,-111.5 17960,-111.5 17960,-111.5 17966,-111.5 17972,-117.5 17972,-123.5 17972,-123.5 17972,-167.5 17972,-167.5 17972,-173.5 17966,-179.5 17960,-179.5\"/>\n<text text-anchor=\"middle\" x=\"17906.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"17906.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"17906.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"17906.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 487&#45;&gt;488 -->\n<g id=\"edge488\" class=\"edge\">\n<title>487&#45;&gt;488</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M17987.7811,-222.8796C17975.5375,-211.2237 17962.2339,-198.5587 17950.0029,-186.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"17952.2012,-184.1751 17942.5451,-179.8149 17947.3746,-189.245 17952.2012,-184.1751\"/>\n</g>\n<!-- 489 -->\n<g id=\"node490\" class=\"node\">\n<title>489</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18109,-179.5C18109,-179.5 18002,-179.5 18002,-179.5 17996,-179.5 17990,-173.5 17990,-167.5 17990,-167.5 17990,-123.5 17990,-123.5 17990,-117.5 17996,-111.5 18002,-111.5 18002,-111.5 18109,-111.5 18109,-111.5 18115,-111.5 18121,-117.5 18121,-123.5 18121,-123.5 18121,-167.5 18121,-167.5 18121,-173.5 18115,-179.5 18109,-179.5\"/>\n<text text-anchor=\"middle\" x=\"18055.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18055.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18055.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18055.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 487&#45;&gt;489 -->\n<g id=\"edge489\" class=\"edge\">\n<title>487&#45;&gt;489</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18039.894,-222.8796C18042.0452,-212.2134 18044.3668,-200.7021 18046.5451,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18050.0332,-190.3095 18048.5793,-179.8149 18043.1713,-188.9256 18050.0332,-190.3095\"/>\n</g>\n<!-- 491 -->\n<g id=\"node492\" class=\"node\">\n<title>491</title>\n<path fill=\"#eca06a\" stroke=\"#000000\" d=\"M18386.5,-306C18386.5,-306 18160.5,-306 18160.5,-306 18154.5,-306 18148.5,-300 18148.5,-294 18148.5,-294 18148.5,-235 18148.5,-235 18148.5,-229 18154.5,-223 18160.5,-223 18160.5,-223 18386.5,-223 18386.5,-223 18392.5,-223 18398.5,-229 18398.5,-235 18398.5,-235 18398.5,-294 18398.5,-294 18398.5,-300 18392.5,-306 18386.5,-306\"/>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"18273.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 490&#45;&gt;491 -->\n<g id=\"edge491\" class=\"edge\">\n<title>490&#45;&gt;491</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18273.5,-341.8796C18273.5,-333.6838 18273.5,-324.9891 18273.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18277.0001,-316.298 18273.5,-306.2981 18270.0001,-316.2981 18277.0001,-316.298\"/>\n</g>\n<!-- 494 -->\n<g id=\"node495\" class=\"node\">\n<title>494</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18536,-298.5C18536,-298.5 18429,-298.5 18429,-298.5 18423,-298.5 18417,-292.5 18417,-286.5 18417,-286.5 18417,-242.5 18417,-242.5 18417,-236.5 18423,-230.5 18429,-230.5 18429,-230.5 18536,-230.5 18536,-230.5 18542,-230.5 18548,-236.5 18548,-242.5 18548,-242.5 18548,-286.5 18548,-286.5 18548,-292.5 18542,-298.5 18536,-298.5\"/>\n<text text-anchor=\"middle\" x=\"18482.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18482.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18482.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"18482.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 490&#45;&gt;494 -->\n<g id=\"edge494\" class=\"edge\">\n<title>490&#45;&gt;494</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18346.5981,-341.8796C18368.428,-329.4501 18392.2735,-315.873 18413.8105,-303.6103\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18415.6113,-306.6126 18422.5696,-298.623 18412.1477,-300.5295 18415.6113,-306.6126\"/>\n</g>\n<!-- 492 -->\n<g id=\"node493\" class=\"node\">\n<title>492</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18304,-179.5C18304,-179.5 18197,-179.5 18197,-179.5 18191,-179.5 18185,-173.5 18185,-167.5 18185,-167.5 18185,-123.5 18185,-123.5 18185,-117.5 18191,-111.5 18197,-111.5 18197,-111.5 18304,-111.5 18304,-111.5 18310,-111.5 18316,-117.5 18316,-123.5 18316,-123.5 18316,-167.5 18316,-167.5 18316,-173.5 18310,-179.5 18304,-179.5\"/>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18250.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 491&#45;&gt;492 -->\n<g id=\"edge492\" class=\"edge\">\n<title>491&#45;&gt;492</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18265.4557,-222.8796C18263.3942,-212.2134 18261.1693,-200.7021 18259.0818,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18262.4664,-188.969 18257.1323,-179.8149 18255.5936,-190.2974 18262.4664,-188.969\"/>\n</g>\n<!-- 493 -->\n<g id=\"node494\" class=\"node\">\n<title>493</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18453,-179.5C18453,-179.5 18346,-179.5 18346,-179.5 18340,-179.5 18334,-173.5 18334,-167.5 18334,-167.5 18334,-123.5 18334,-123.5 18334,-117.5 18340,-111.5 18346,-111.5 18346,-111.5 18453,-111.5 18453,-111.5 18459,-111.5 18465,-117.5 18465,-123.5 18465,-123.5 18465,-167.5 18465,-167.5 18465,-173.5 18459,-179.5 18453,-179.5\"/>\n<text text-anchor=\"middle\" x=\"18399.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18399.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18399.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"18399.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 491&#45;&gt;493 -->\n<g id=\"edge493\" class=\"edge\">\n<title>491&#45;&gt;493</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18317.5687,-222.8796C18329.9102,-211.2237 18343.3202,-198.5587 18355.649,-186.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18358.2996,-189.2258 18363.1665,-179.8149 18353.4932,-184.1366 18358.2996,-189.2258\"/>\n</g>\n<!-- 497 -->\n<g id=\"node498\" class=\"node\">\n<title>497</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18605,-536.5C18605,-536.5 18498,-536.5 18498,-536.5 18492,-536.5 18486,-530.5 18486,-524.5 18486,-524.5 18486,-480.5 18486,-480.5 18486,-474.5 18492,-468.5 18498,-468.5 18498,-468.5 18605,-468.5 18605,-468.5 18611,-468.5 18617,-474.5 18617,-480.5 18617,-480.5 18617,-524.5 18617,-524.5 18617,-530.5 18611,-536.5 18605,-536.5\"/>\n<text text-anchor=\"middle\" x=\"18551.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18551.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"18551.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 7, 0]</text>\n<text text-anchor=\"middle\" x=\"18551.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 496&#45;&gt;497 -->\n<g id=\"edge497\" class=\"edge\">\n<title>496&#45;&gt;497</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18648.387,-579.8796C18633.5174,-568.0038 18617.336,-555.0804 18602.5317,-543.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18604.4638,-540.3207 18594.4658,-536.8149 18600.0954,-545.7904 18604.4638,-540.3207\"/>\n</g>\n<!-- 498 -->\n<g id=\"node499\" class=\"node\">\n<title>498</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18754,-536.5C18754,-536.5 18647,-536.5 18647,-536.5 18641,-536.5 18635,-530.5 18635,-524.5 18635,-524.5 18635,-480.5 18635,-480.5 18635,-474.5 18641,-468.5 18647,-468.5 18647,-468.5 18754,-468.5 18754,-468.5 18760,-468.5 18766,-474.5 18766,-480.5 18766,-480.5 18766,-524.5 18766,-524.5 18766,-530.5 18760,-536.5 18754,-536.5\"/>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18700.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 496&#45;&gt;498 -->\n<g id=\"edge498\" class=\"edge\">\n<title>496&#45;&gt;498</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18700.5,-579.8796C18700.5,-569.2134 18700.5,-557.7021 18700.5,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18704.0001,-546.8149 18700.5,-536.8149 18697.0001,-546.815 18704.0001,-546.8149\"/>\n</g>\n<!-- 500 -->\n<g id=\"node501\" class=\"node\">\n<title>500</title>\n<path fill=\"#7bbeee\" stroke=\"#000000\" d=\"M19099,-663C19099,-663 18934,-663 18934,-663 18928,-663 18922,-657 18922,-651 18922,-651 18922,-592 18922,-592 18922,-586 18928,-580 18934,-580 18934,-580 19099,-580 19099,-580 19105,-580 19111,-586 19111,-592 19111,-592 19111,-651 19111,-651 19111,-657 19105,-663 19099,-663\"/>\n<text text-anchor=\"middle\" x=\"19016.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">native&#45;country_Haiti &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19016.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"19016.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 16</text>\n<text text-anchor=\"middle\" x=\"19016.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 12, 0]</text>\n<text text-anchor=\"middle\" x=\"19016.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 499&#45;&gt;500 -->\n<g id=\"edge500\" class=\"edge\">\n<title>499&#45;&gt;500</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19021.702,-698.8796C19021.151,-690.6838 19020.5665,-681.9891 19019.9959,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19023.4729,-673.0408 19019.31,-663.2981 19016.4887,-673.5103 19023.4729,-673.0408\"/>\n</g>\n<!-- 511 -->\n<g id=\"node512\" class=\"node\">\n<title>511</title>\n<path fill=\"#eeab7b\" stroke=\"#000000\" d=\"M19367.5,-663C19367.5,-663 19141.5,-663 19141.5,-663 19135.5,-663 19129.5,-657 19129.5,-651 19129.5,-651 19129.5,-592 19129.5,-592 19129.5,-586 19135.5,-580 19141.5,-580 19141.5,-580 19367.5,-580 19367.5,-580 19373.5,-580 19379.5,-586 19379.5,-592 19379.5,-592 19379.5,-651 19379.5,-651 19379.5,-657 19373.5,-663 19367.5,-663\"/>\n<text text-anchor=\"middle\" x=\"19254.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19254.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.811</text>\n<text text-anchor=\"middle\" x=\"19254.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"19254.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19254.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 499&#45;&gt;511 -->\n<g id=\"edge511\" class=\"edge\">\n<title>499&#45;&gt;511</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19104.9428,-698.8796C19124.3771,-688.8244 19145.263,-678.0183 19165.0811,-667.7645\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19166.8293,-670.8008 19174.1026,-663.0969 19163.6126,-664.5837 19166.8293,-670.8008\"/>\n</g>\n<!-- 501 -->\n<g id=\"node502\" class=\"node\">\n<title>501</title>\n<path fill=\"#6ab6ec\" stroke=\"#000000\" d=\"M18995,-544C18995,-544 18796,-544 18796,-544 18790,-544 18784,-538 18784,-532 18784,-532 18784,-473 18784,-473 18784,-467 18790,-461 18796,-461 18796,-461 18995,-461 18995,-461 19001,-461 19007,-467 19007,-473 19007,-473 19007,-532 19007,-532 19007,-538 19001,-544 18995,-544\"/>\n<text text-anchor=\"middle\" x=\"18895.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(50...74] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18895.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.722</text>\n<text text-anchor=\"middle\" x=\"18895.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 15</text>\n<text text-anchor=\"middle\" x=\"18895.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 12, 0]</text>\n<text text-anchor=\"middle\" x=\"18895.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 500&#45;&gt;501 -->\n<g id=\"edge501\" class=\"edge\">\n<title>500&#45;&gt;501</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18974.1801,-579.8796C18964.8392,-570.6931 18954.861,-560.8798 18945.256,-551.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18947.5845,-548.8146 18938.0006,-544.2981 18942.6762,-553.8054 18947.5845,-548.8146\"/>\n</g>\n<!-- 510 -->\n<g id=\"node511\" class=\"node\">\n<title>510</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M19144,-536.5C19144,-536.5 19037,-536.5 19037,-536.5 19031,-536.5 19025,-530.5 19025,-524.5 19025,-524.5 19025,-480.5 19025,-480.5 19025,-474.5 19031,-468.5 19037,-468.5 19037,-468.5 19144,-468.5 19144,-468.5 19150,-468.5 19156,-474.5 19156,-480.5 19156,-480.5 19156,-524.5 19156,-524.5 19156,-530.5 19150,-536.5 19144,-536.5\"/>\n<text text-anchor=\"middle\" x=\"19090.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19090.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19090.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"19090.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 500&#45;&gt;510 -->\n<g id=\"edge510\" class=\"edge\">\n<title>500&#45;&gt;510</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19042.3816,-579.8796C19049.2879,-568.7735 19056.7639,-556.7513 19063.7175,-545.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19066.8527,-547.1552 19069.1613,-536.8149 19060.9083,-543.4587 19066.8527,-547.1552\"/>\n</g>\n<!-- 502 -->\n<g id=\"node503\" class=\"node\">\n<title>502</title>\n<path fill=\"#83c2ef\" stroke=\"#000000\" d=\"M18877.5,-425C18877.5,-425 18755.5,-425 18755.5,-425 18749.5,-425 18743.5,-419 18743.5,-413 18743.5,-413 18743.5,-354 18743.5,-354 18743.5,-348 18749.5,-342 18755.5,-342 18755.5,-342 18877.5,-342 18877.5,-342 18883.5,-342 18889.5,-348 18889.5,-354 18889.5,-354 18889.5,-413 18889.5,-413 18889.5,-419 18883.5,-425 18877.5,-425\"/>\n<text text-anchor=\"middle\" x=\"18816.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(41...46] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18816.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.845</text>\n<text text-anchor=\"middle\" x=\"18816.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11</text>\n<text text-anchor=\"middle\" x=\"18816.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"18816.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 501&#45;&gt;502 -->\n<g id=\"edge502\" class=\"edge\">\n<title>501&#45;&gt;502</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18867.8696,-460.8796C18862.07,-452.1434 18855.8941,-442.8404 18849.9092,-433.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18852.6951,-431.6935 18844.2483,-425.2981 18846.8632,-435.5652 18852.6951,-431.6935\"/>\n</g>\n<!-- 509 -->\n<g id=\"node510\" class=\"node\">\n<title>509</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19027,-417.5C19027,-417.5 18920,-417.5 18920,-417.5 18914,-417.5 18908,-411.5 18908,-405.5 18908,-405.5 18908,-361.5 18908,-361.5 18908,-355.5 18914,-349.5 18920,-349.5 18920,-349.5 19027,-349.5 19027,-349.5 19033,-349.5 19039,-355.5 19039,-361.5 19039,-361.5 19039,-405.5 19039,-405.5 19039,-411.5 19033,-417.5 19027,-417.5\"/>\n<text text-anchor=\"middle\" x=\"18973.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18973.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"18973.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"18973.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 501&#45;&gt;509 -->\n<g id=\"edge509\" class=\"edge\">\n<title>501&#45;&gt;509</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18922.7806,-460.8796C18930.1323,-449.6636 18938.0964,-437.5131 18945.4874,-426.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18948.4531,-428.0972 18951.0079,-417.8149 18942.5986,-424.2598 18948.4531,-428.0972\"/>\n</g>\n<!-- 503 -->\n<g id=\"node504\" class=\"node\">\n<title>503</title>\n<path fill=\"#9ccef2\" stroke=\"#000000\" d=\"M18861.5,-306C18861.5,-306 18635.5,-306 18635.5,-306 18629.5,-306 18623.5,-300 18623.5,-294 18623.5,-294 18623.5,-235 18623.5,-235 18623.5,-229 18629.5,-223 18635.5,-223 18635.5,-223 18861.5,-223 18861.5,-223 18867.5,-223 18873.5,-229 18873.5,-235 18873.5,-235 18873.5,-294 18873.5,-294 18873.5,-300 18867.5,-306 18861.5,-306\"/>\n<text text-anchor=\"middle\" x=\"18748.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18748.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"18748.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"18748.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"18748.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 502&#45;&gt;503 -->\n<g id=\"edge503\" class=\"edge\">\n<title>502&#45;&gt;503</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18792.7169,-341.8796C18787.7763,-333.2335 18782.5184,-324.0322 18777.4167,-315.1042\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18780.3849,-313.244 18772.3846,-306.2981 18774.3072,-316.717 18780.3849,-313.244\"/>\n</g>\n<!-- 508 -->\n<g id=\"node509\" class=\"node\">\n<title>508</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19011,-298.5C19011,-298.5 18904,-298.5 18904,-298.5 18898,-298.5 18892,-292.5 18892,-286.5 18892,-286.5 18892,-242.5 18892,-242.5 18892,-236.5 18898,-230.5 18904,-230.5 18904,-230.5 19011,-230.5 19011,-230.5 19017,-230.5 19023,-236.5 19023,-242.5 19023,-242.5 19023,-286.5 19023,-286.5 19023,-292.5 19017,-298.5 19011,-298.5\"/>\n<text text-anchor=\"middle\" x=\"18957.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18957.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"18957.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"18957.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 502&#45;&gt;508 -->\n<g id=\"edge508\" class=\"edge\">\n<title>502&#45;&gt;508</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18865.815,-341.8796C18879.756,-330.1138 18894.9154,-317.3197 18908.8188,-305.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18911.4564,-307.9394 18916.8411,-298.8149 18906.9416,-302.5899 18911.4564,-307.9394\"/>\n</g>\n<!-- 504 -->\n<g id=\"node505\" class=\"node\">\n<title>504</title>\n<path fill=\"#cee6f8\" stroke=\"#000000\" d=\"M18763.5,-187C18763.5,-187 18575.5,-187 18575.5,-187 18569.5,-187 18563.5,-181 18563.5,-175 18563.5,-175 18563.5,-116 18563.5,-116 18563.5,-110 18569.5,-104 18575.5,-104 18575.5,-104 18763.5,-104 18763.5,-104 18769.5,-104 18775.5,-110 18775.5,-116 18775.5,-116 18775.5,-175 18775.5,-175 18775.5,-181 18769.5,-187 18763.5,-187\"/>\n<text text-anchor=\"middle\" x=\"18669.5\" y=\"-171.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Craft&#45;repair &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"18669.5\" y=\"-156.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.985</text>\n<text text-anchor=\"middle\" x=\"18669.5\" y=\"-141.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"18669.5\" y=\"-126.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"18669.5\" y=\"-111.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 503&#45;&gt;504 -->\n<g id=\"edge504\" class=\"edge\">\n<title>503&#45;&gt;504</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18720.8696,-222.8796C18715.07,-214.1434 18708.8941,-204.8404 18702.9092,-195.8253\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18705.6951,-193.6935 18697.2483,-187.2981 18699.8632,-197.5652 18705.6951,-193.6935\"/>\n</g>\n<!-- 507 -->\n<g id=\"node508\" class=\"node\">\n<title>507</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M18913,-179.5C18913,-179.5 18806,-179.5 18806,-179.5 18800,-179.5 18794,-173.5 18794,-167.5 18794,-167.5 18794,-123.5 18794,-123.5 18794,-117.5 18800,-111.5 18806,-111.5 18806,-111.5 18913,-111.5 18913,-111.5 18919,-111.5 18925,-117.5 18925,-123.5 18925,-123.5 18925,-167.5 18925,-167.5 18925,-173.5 18919,-179.5 18913,-179.5\"/>\n<text text-anchor=\"middle\" x=\"18859.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18859.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"18859.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"18859.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 503&#45;&gt;507 -->\n<g id=\"edge507\" class=\"edge\">\n<title>503&#45;&gt;507</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18787.3224,-222.8796C18798.0921,-211.3337 18809.7854,-198.7976 18820.5617,-187.2446\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18823.2303,-189.5149 18827.492,-179.8149 18818.1115,-184.7402 18823.2303,-189.5149\"/>\n</g>\n<!-- 505 -->\n<g id=\"node506\" class=\"node\">\n<title>505</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M18648,-68C18648,-68 18541,-68 18541,-68 18535,-68 18529,-62 18529,-56 18529,-56 18529,-12 18529,-12 18529,-6 18535,0 18541,0 18541,0 18648,0 18648,0 18654,0 18660,-6 18660,-12 18660,-12 18660,-56 18660,-56 18660,-62 18654,-68 18648,-68\"/>\n<text text-anchor=\"middle\" x=\"18594.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"18594.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"18594.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"18594.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 504&#45;&gt;505 -->\n<g id=\"edge505\" class=\"edge\">\n<title>504&#45;&gt;505</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18641.5728,-103.9815C18635.5762,-95.0666 18629.2296,-85.6313 18623.2041,-76.6734\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18626.0328,-74.6078 18617.5473,-68.2637 18620.2245,-78.5147 18626.0328,-74.6078\"/>\n</g>\n<!-- 506 -->\n<g id=\"node507\" class=\"node\">\n<title>506</title>\n<path fill=\"#9ccef2\" stroke=\"#000000\" d=\"M18797,-68C18797,-68 18690,-68 18690,-68 18684,-68 18678,-62 18678,-56 18678,-56 18678,-12 18678,-12 18678,-6 18684,0 18690,0 18690,0 18797,0 18797,0 18803,0 18809,-6 18809,-12 18809,-12 18809,-56 18809,-56 18809,-62 18803,-68 18797,-68\"/>\n<text text-anchor=\"middle\" x=\"18743.5\" y=\"-52.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"18743.5\" y=\"-37.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"18743.5\" y=\"-22.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"18743.5\" y=\"-7.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 504&#45;&gt;506 -->\n<g id=\"edge506\" class=\"edge\">\n<title>504&#45;&gt;506</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M18697.0549,-103.9815C18702.9715,-95.0666 18709.2335,-85.6313 18715.1787,-76.6734\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"18718.1464,-78.5311 18720.76,-68.2637 18712.314,-74.6602 18718.1464,-78.5311\"/>\n</g>\n<!-- 512 -->\n<g id=\"node513\" class=\"node\">\n<title>512</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19293,-536.5C19293,-536.5 19186,-536.5 19186,-536.5 19180,-536.5 19174,-530.5 19174,-524.5 19174,-524.5 19174,-480.5 19174,-480.5 19174,-474.5 19180,-468.5 19186,-468.5 19186,-468.5 19293,-468.5 19293,-468.5 19299,-468.5 19305,-474.5 19305,-480.5 19305,-480.5 19305,-524.5 19305,-524.5 19305,-530.5 19299,-536.5 19293,-536.5\"/>\n<text text-anchor=\"middle\" x=\"19239.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19239.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19239.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19239.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 511&#45;&gt;512 -->\n<g id=\"edge512\" class=\"edge\">\n<title>511&#45;&gt;512</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19249.2537,-579.8796C19247.9092,-569.2134 19246.4582,-557.7021 19245.0968,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19248.5486,-546.2987 19243.8254,-536.8149 19241.6036,-547.1742 19248.5486,-546.2987\"/>\n</g>\n<!-- 513 -->\n<g id=\"node514\" class=\"node\">\n<title>513</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M19442,-536.5C19442,-536.5 19335,-536.5 19335,-536.5 19329,-536.5 19323,-530.5 19323,-524.5 19323,-524.5 19323,-480.5 19323,-480.5 19323,-474.5 19329,-468.5 19335,-468.5 19335,-468.5 19442,-468.5 19442,-468.5 19448,-468.5 19454,-474.5 19454,-480.5 19454,-480.5 19454,-524.5 19454,-524.5 19454,-530.5 19448,-536.5 19442,-536.5\"/>\n<text text-anchor=\"middle\" x=\"19388.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19388.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"19388.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"19388.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 511&#45;&gt;513 -->\n<g id=\"edge513\" class=\"edge\">\n<title>511&#45;&gt;513</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19301.3667,-579.8796C19314.6156,-568.1138 19329.0224,-555.3197 19342.2356,-543.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19344.7065,-546.0722 19349.8597,-536.8149 19340.0584,-540.8381 19344.7065,-546.0722\"/>\n</g>\n<!-- 516 -->\n<g id=\"node517\" class=\"node\">\n<title>516</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19333,-893.5C19333,-893.5 19218,-893.5 19218,-893.5 19212,-893.5 19206,-887.5 19206,-881.5 19206,-881.5 19206,-837.5 19206,-837.5 19206,-831.5 19212,-825.5 19218,-825.5 19218,-825.5 19333,-825.5 19333,-825.5 19339,-825.5 19345,-831.5 19345,-837.5 19345,-837.5 19345,-881.5 19345,-881.5 19345,-887.5 19339,-893.5 19333,-893.5\"/>\n<text text-anchor=\"middle\" x=\"19275.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19275.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 20</text>\n<text text-anchor=\"middle\" x=\"19275.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 20, 0]</text>\n<text text-anchor=\"middle\" x=\"19275.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 515&#45;&gt;516 -->\n<g id=\"edge516\" class=\"edge\">\n<title>515&#45;&gt;516</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19332.7219,-936.8796C19324.3464,-925.5536 19315.2662,-913.2748 19306.8589,-901.9058\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19309.6357,-899.7743 19300.8758,-893.8149 19304.0075,-903.9364 19309.6357,-899.7743\"/>\n</g>\n<!-- 517 -->\n<g id=\"node518\" class=\"node\">\n<title>517</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M19530,-901C19530,-901 19375,-901 19375,-901 19369,-901 19363,-895 19363,-889 19363,-889 19363,-830 19363,-830 19363,-824 19369,-818 19375,-818 19375,-818 19530,-818 19530,-818 19536,-818 19542,-824 19542,-830 19542,-830 19542,-889 19542,-889 19542,-895 19536,-901 19530,-901\"/>\n<text text-anchor=\"middle\" x=\"19452.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Private &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19452.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"19452.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"19452.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19452.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 515&#45;&gt;517 -->\n<g id=\"edge517\" class=\"edge\">\n<title>515&#45;&gt;517</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19394.6279,-936.8796C19401.229,-928.0534 19408.2629,-918.6485 19415.0702,-909.5466\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19418.0528,-911.4024 19421.2393,-901.2981 19412.4472,-907.2099 19418.0528,-911.4024\"/>\n</g>\n<!-- 518 -->\n<g id=\"node519\" class=\"node\">\n<title>518</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19465,-774.5C19465,-774.5 19358,-774.5 19358,-774.5 19352,-774.5 19346,-768.5 19346,-762.5 19346,-762.5 19346,-718.5 19346,-718.5 19346,-712.5 19352,-706.5 19358,-706.5 19358,-706.5 19465,-706.5 19465,-706.5 19471,-706.5 19477,-712.5 19477,-718.5 19477,-718.5 19477,-762.5 19477,-762.5 19477,-768.5 19471,-774.5 19465,-774.5\"/>\n<text text-anchor=\"middle\" x=\"19411.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19411.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19411.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19411.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 517&#45;&gt;518 -->\n<g id=\"edge518\" class=\"edge\">\n<title>517&#45;&gt;518</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19438.1602,-817.8796C19434.4474,-807.1034 19430.4374,-795.4647 19426.683,-784.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19429.8894,-783.1294 19423.3228,-774.8149 19423.2712,-785.4096 19429.8894,-783.1294\"/>\n</g>\n<!-- 519 -->\n<g id=\"node520\" class=\"node\">\n<title>519</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M19614,-774.5C19614,-774.5 19507,-774.5 19507,-774.5 19501,-774.5 19495,-768.5 19495,-762.5 19495,-762.5 19495,-718.5 19495,-718.5 19495,-712.5 19501,-706.5 19507,-706.5 19507,-706.5 19614,-706.5 19614,-706.5 19620,-706.5 19626,-712.5 19626,-718.5 19626,-718.5 19626,-762.5 19626,-762.5 19626,-768.5 19620,-774.5 19614,-774.5\"/>\n<text text-anchor=\"middle\" x=\"19560.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19560.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19560.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"19560.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 517&#45;&gt;519 -->\n<g id=\"edge519\" class=\"edge\">\n<title>517&#45;&gt;519</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19490.2732,-817.8796C19500.7518,-806.3337 19512.1291,-793.7976 19522.6141,-782.2446\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19525.2282,-784.5722 19529.357,-774.8149 19520.0447,-779.8678 19525.2282,-784.5722\"/>\n</g>\n<!-- 521 -->\n<g id=\"node522\" class=\"node\">\n<title>521</title>\n<path fill=\"#44a2e6\" stroke=\"#000000\" d=\"M19810.5,-1020C19810.5,-1020 19616.5,-1020 19616.5,-1020 19610.5,-1020 19604.5,-1014 19604.5,-1008 19604.5,-1008 19604.5,-949 19604.5,-949 19604.5,-943 19610.5,-937 19616.5,-937 19616.5,-937 19810.5,-937 19810.5,-937 19816.5,-937 19822.5,-943 19822.5,-949 19822.5,-949 19822.5,-1008 19822.5,-1008 19822.5,-1014 19816.5,-1020 19810.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(12...13] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.297</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 57</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 54, 0]</text>\n<text text-anchor=\"middle\" x=\"19713.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 520&#45;&gt;521 -->\n<g id=\"edge521\" class=\"edge\">\n<title>520&#45;&gt;521</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19713.5,-1055.8796C19713.5,-1047.6838 19713.5,-1038.9891 19713.5,-1030.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19717.0001,-1030.298 19713.5,-1020.2981 19710.0001,-1030.2981 19717.0001,-1030.298\"/>\n</g>\n<!-- 534 -->\n<g id=\"node535\" class=\"node\">\n<title>534</title>\n<path fill=\"#c6e3f8\" stroke=\"#000000\" d=\"M20137,-1020C20137,-1020 19938,-1020 19938,-1020 19932,-1020 19926,-1014 19926,-1008 19926,-1008 19926,-949 19926,-949 19926,-943 19932,-937 19938,-937 19938,-937 20137,-937 20137,-937 20143,-937 20149,-943 20149,-949 20149,-949 20149,-1008 20149,-1008 20149,-1014 20143,-1020 20137,-1020\"/>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(26...50] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.98</text>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 12</text>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [5, 0, 7, 0]</text>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 520&#45;&gt;534 -->\n<g id=\"edge534\" class=\"edge\">\n<title>520&#45;&gt;534</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19807.2142,-1063.0803C19841.2694,-1050.5724 19880.2524,-1036.2545 19916.3424,-1022.9993\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19917.7625,-1026.2064 19925.9427,-1019.4732 19915.3491,-1019.6355 19917.7625,-1026.2064\"/>\n</g>\n<!-- 522 -->\n<g id=\"node523\" class=\"node\">\n<title>522</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19687,-893.5C19687,-893.5 19572,-893.5 19572,-893.5 19566,-893.5 19560,-887.5 19560,-881.5 19560,-881.5 19560,-837.5 19560,-837.5 19560,-831.5 19566,-825.5 19572,-825.5 19572,-825.5 19687,-825.5 19687,-825.5 19693,-825.5 19699,-831.5 19699,-837.5 19699,-837.5 19699,-881.5 19699,-881.5 19699,-887.5 19693,-893.5 19687,-893.5\"/>\n<text text-anchor=\"middle\" x=\"19629.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19629.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 37</text>\n<text text-anchor=\"middle\" x=\"19629.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 37, 0]</text>\n<text text-anchor=\"middle\" x=\"19629.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 521&#45;&gt;522 -->\n<g id=\"edge522\" class=\"edge\">\n<title>521&#45;&gt;522</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19684.1209,-936.8796C19676.2037,-925.6636 19667.6269,-913.5131 19659.6675,-902.2372\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19662.3486,-899.9662 19653.7223,-893.8149 19656.6298,-904.003 19662.3486,-899.9662\"/>\n</g>\n<!-- 523 -->\n<g id=\"node524\" class=\"node\">\n<title>523</title>\n<path fill=\"#5caeea\" stroke=\"#000000\" d=\"M19942,-901C19942,-901 19729,-901 19729,-901 19723,-901 19717,-895 19717,-889 19717,-889 19717,-830 19717,-830 19717,-824 19723,-818 19729,-818 19729,-818 19942,-818 19942,-818 19948,-818 19954,-824 19954,-830 19954,-830 19954,-889 19954,-889 19954,-895 19948,-901 19942,-901\"/>\n<text text-anchor=\"middle\" x=\"19835.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Protective&#45;serv &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19835.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.61</text>\n<text text-anchor=\"middle\" x=\"19835.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 20</text>\n<text text-anchor=\"middle\" x=\"19835.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 17, 0]</text>\n<text text-anchor=\"middle\" x=\"19835.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 521&#45;&gt;523 -->\n<g id=\"edge523\" class=\"edge\">\n<title>521&#45;&gt;523</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19756.1697,-936.8796C19765.5877,-927.6931 19775.6484,-917.8798 19785.3328,-908.4336\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19787.9335,-910.7861 19792.6482,-901.2981 19783.0457,-905.7751 19787.9335,-910.7861\"/>\n</g>\n<!-- 524 -->\n<g id=\"node525\" class=\"node\">\n<title>524</title>\n<path fill=\"#50a9e8\" stroke=\"#000000\" d=\"M19886,-782C19886,-782 19671,-782 19671,-782 19665,-782 19659,-776 19659,-770 19659,-770 19659,-711 19659,-711 19659,-705 19665,-699 19671,-699 19671,-699 19886,-699 19886,-699 19892,-699 19898,-705 19898,-711 19898,-711 19898,-770 19898,-770 19898,-776 19892,-782 19886,-782\"/>\n<text text-anchor=\"middle\" x=\"19778.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;not&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19778.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.485</text>\n<text text-anchor=\"middle\" x=\"19778.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 19</text>\n<text text-anchor=\"middle\" x=\"19778.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 17, 0]</text>\n<text text-anchor=\"middle\" x=\"19778.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 523&#45;&gt;524 -->\n<g id=\"edge524\" class=\"edge\">\n<title>523&#45;&gt;524</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19815.5642,-817.8796C19811.4659,-809.3236 19807.1072,-800.2238 19802.8727,-791.3833\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19805.9975,-789.8049 19798.5209,-782.2981 19799.6843,-792.8288 19805.9975,-789.8049\"/>\n</g>\n<!-- 533 -->\n<g id=\"node534\" class=\"node\">\n<title>533</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M20035,-774.5C20035,-774.5 19928,-774.5 19928,-774.5 19922,-774.5 19916,-768.5 19916,-762.5 19916,-762.5 19916,-718.5 19916,-718.5 19916,-712.5 19922,-706.5 19928,-706.5 19928,-706.5 20035,-706.5 20035,-706.5 20041,-706.5 20047,-712.5 20047,-718.5 20047,-718.5 20047,-762.5 20047,-762.5 20047,-768.5 20041,-774.5 20035,-774.5\"/>\n<text text-anchor=\"middle\" x=\"19981.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19981.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19981.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"19981.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 523&#45;&gt;533 -->\n<g id=\"edge533\" class=\"edge\">\n<title>523&#45;&gt;533</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19886.5637,-817.8796C19901.134,-806.0038 19916.9896,-793.0804 19931.4958,-781.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19933.8592,-783.8459 19939.3993,-774.8149 19929.4366,-778.4199 19933.8592,-783.8459\"/>\n</g>\n<!-- 525 -->\n<g id=\"node526\" class=\"node\">\n<title>525</title>\n<path fill=\"#45a3e7\" stroke=\"#000000\" d=\"M19797.5,-663C19797.5,-663 19675.5,-663 19675.5,-663 19669.5,-663 19663.5,-657 19663.5,-651 19663.5,-651 19663.5,-592 19663.5,-592 19663.5,-586 19669.5,-580 19675.5,-580 19675.5,-580 19797.5,-580 19797.5,-580 19803.5,-580 19809.5,-586 19809.5,-592 19809.5,-592 19809.5,-651 19809.5,-651 19809.5,-657 19803.5,-663 19797.5,-663\"/>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(56...61] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.323</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 17</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 16, 0]</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 524&#45;&gt;525 -->\n<g id=\"edge525\" class=\"edge\">\n<title>524&#45;&gt;525</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19763.8104,-698.8796C19760.8542,-690.5037 19757.7141,-681.6067 19754.656,-672.942\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19757.881,-671.5631 19751.2523,-663.2981 19751.2801,-673.8929 19757.881,-671.5631\"/>\n</g>\n<!-- 530 -->\n<g id=\"node531\" class=\"node\">\n<title>530</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M19988.5,-663C19988.5,-663 19866.5,-663 19866.5,-663 19860.5,-663 19854.5,-657 19854.5,-651 19854.5,-651 19854.5,-592 19854.5,-592 19854.5,-586 19860.5,-580 19866.5,-580 19866.5,-580 19988.5,-580 19988.5,-580 19994.5,-580 20000.5,-586 20000.5,-592 20000.5,-592 20000.5,-651 20000.5,-651 20000.5,-657 19994.5,-663 19988.5,-663\"/>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(46...51] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 524&#45;&gt;530 -->\n<g id=\"edge530\" class=\"edge\">\n<title>524&#45;&gt;530</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19830.613,-698.8796C19842.5225,-689.368 19855.2734,-679.1843 19867.4844,-669.432\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19869.7868,-672.0724 19875.4165,-663.0969 19865.4184,-666.6027 19869.7868,-672.0724\"/>\n</g>\n<!-- 526 -->\n<g id=\"node527\" class=\"node\">\n<title>526</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19599,-536.5C19599,-536.5 19484,-536.5 19484,-536.5 19478,-536.5 19472,-530.5 19472,-524.5 19472,-524.5 19472,-480.5 19472,-480.5 19472,-474.5 19478,-468.5 19484,-468.5 19484,-468.5 19599,-468.5 19599,-468.5 19605,-468.5 19611,-474.5 19611,-480.5 19611,-480.5 19611,-524.5 19611,-524.5 19611,-530.5 19605,-536.5 19599,-536.5\"/>\n<text text-anchor=\"middle\" x=\"19541.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19541.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 14</text>\n<text text-anchor=\"middle\" x=\"19541.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 14, 0]</text>\n<text text-anchor=\"middle\" x=\"19541.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 525&#45;&gt;526 -->\n<g id=\"edge526\" class=\"edge\">\n<title>525&#45;&gt;526</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19668.2985,-579.8796C19648.1118,-567.5606 19626.078,-554.1143 19606.1247,-541.9376\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19607.7752,-538.8446 19597.4159,-536.623 19604.1287,-544.8199 19607.7752,-538.8446\"/>\n</g>\n<!-- 527 -->\n<g id=\"node528\" class=\"node\">\n<title>527</title>\n<path fill=\"#9ccef2\" stroke=\"#000000\" d=\"M19832,-544C19832,-544 19641,-544 19641,-544 19635,-544 19629,-538 19629,-532 19629,-532 19629,-473 19629,-473 19629,-467 19635,-461 19641,-461 19641,-461 19832,-461 19832,-461 19838,-461 19844,-467 19844,-473 19844,-473 19844,-532 19844,-532 19844,-538 19838,-544 19832,-544\"/>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"19736.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 525&#45;&gt;527 -->\n<g id=\"edge527\" class=\"edge\">\n<title>525&#45;&gt;527</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19736.5,-579.8796C19736.5,-571.6838 19736.5,-562.9891 19736.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19740.0001,-554.298 19736.5,-544.2981 19733.0001,-554.2981 19740.0001,-554.298\"/>\n</g>\n<!-- 528 -->\n<g id=\"node529\" class=\"node\">\n<title>528</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M19667,-417.5C19667,-417.5 19560,-417.5 19560,-417.5 19554,-417.5 19548,-411.5 19548,-405.5 19548,-405.5 19548,-361.5 19548,-361.5 19548,-355.5 19554,-349.5 19560,-349.5 19560,-349.5 19667,-349.5 19667,-349.5 19673,-349.5 19679,-355.5 19679,-361.5 19679,-361.5 19679,-405.5 19679,-405.5 19679,-411.5 19673,-417.5 19667,-417.5\"/>\n<text text-anchor=\"middle\" x=\"19613.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"19613.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"19613.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19613.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 527&#45;&gt;528 -->\n<g id=\"edge528\" class=\"edge\">\n<title>527&#45;&gt;528</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19693.4806,-460.8796C19681.4329,-449.2237 19668.3422,-436.5587 19656.3069,-424.9148\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19658.589,-422.2528 19648.9684,-417.8149 19653.7217,-427.2837 19658.589,-422.2528\"/>\n</g>\n<!-- 529 -->\n<g id=\"node530\" class=\"node\">\n<title>529</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19816,-417.5C19816,-417.5 19709,-417.5 19709,-417.5 19703,-417.5 19697,-411.5 19697,-405.5 19697,-405.5 19697,-361.5 19697,-361.5 19697,-355.5 19703,-349.5 19709,-349.5 19709,-349.5 19816,-349.5 19816,-349.5 19822,-349.5 19828,-355.5 19828,-361.5 19828,-361.5 19828,-405.5 19828,-405.5 19828,-411.5 19822,-417.5 19816,-417.5\"/>\n<text text-anchor=\"middle\" x=\"19762.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19762.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19762.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19762.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 527&#45;&gt;529 -->\n<g id=\"edge529\" class=\"edge\">\n<title>527&#45;&gt;529</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19745.5935,-460.8796C19747.924,-450.2134 19750.439,-438.7021 19752.7988,-427.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19756.2874,-428.3316 19755.0026,-417.8149 19749.4487,-426.8374 19756.2874,-428.3316\"/>\n</g>\n<!-- 531 -->\n<g id=\"node532\" class=\"node\">\n<title>531</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19981,-536.5C19981,-536.5 19874,-536.5 19874,-536.5 19868,-536.5 19862,-530.5 19862,-524.5 19862,-524.5 19862,-480.5 19862,-480.5 19862,-474.5 19868,-468.5 19874,-468.5 19874,-468.5 19981,-468.5 19981,-468.5 19987,-468.5 19993,-474.5 19993,-480.5 19993,-480.5 19993,-524.5 19993,-524.5 19993,-530.5 19987,-536.5 19981,-536.5\"/>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"19927.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 530&#45;&gt;531 -->\n<g id=\"edge531\" class=\"edge\">\n<title>530&#45;&gt;531</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19927.5,-579.8796C19927.5,-569.2134 19927.5,-557.7021 19927.5,-546.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19931.0001,-546.8149 19927.5,-536.8149 19924.0001,-546.815 19931.0001,-546.8149\"/>\n</g>\n<!-- 532 -->\n<g id=\"node533\" class=\"node\">\n<title>532</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M20130,-536.5C20130,-536.5 20023,-536.5 20023,-536.5 20017,-536.5 20011,-530.5 20011,-524.5 20011,-524.5 20011,-480.5 20011,-480.5 20011,-474.5 20017,-468.5 20023,-468.5 20023,-468.5 20130,-468.5 20130,-468.5 20136,-468.5 20142,-474.5 20142,-480.5 20142,-480.5 20142,-524.5 20142,-524.5 20142,-530.5 20136,-536.5 20130,-536.5\"/>\n<text text-anchor=\"middle\" x=\"20076.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20076.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20076.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"20076.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 530&#45;&gt;532 -->\n<g id=\"edge532\" class=\"edge\">\n<title>530&#45;&gt;532</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19979.613,-579.8796C19994.4826,-568.0038 20010.664,-555.0804 20025.4683,-543.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20027.9046,-545.7904 20033.5342,-536.8149 20023.5362,-540.3207 20027.9046,-545.7904\"/>\n</g>\n<!-- 535 -->\n<g id=\"node536\" class=\"node\">\n<title>535</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M20091,-893.5C20091,-893.5 19984,-893.5 19984,-893.5 19978,-893.5 19972,-887.5 19972,-881.5 19972,-881.5 19972,-837.5 19972,-837.5 19972,-831.5 19978,-825.5 19984,-825.5 19984,-825.5 20091,-825.5 20091,-825.5 20097,-825.5 20103,-831.5 20103,-837.5 20103,-837.5 20103,-881.5 20103,-881.5 20103,-887.5 20097,-893.5 20091,-893.5\"/>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"20037.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 534&#45;&gt;535 -->\n<g id=\"edge535\" class=\"edge\">\n<title>534&#45;&gt;535</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20037.5,-936.8796C20037.5,-926.2134 20037.5,-914.7021 20037.5,-903.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20041.0001,-903.8149 20037.5,-893.8149 20034.0001,-903.815 20041.0001,-903.8149\"/>\n</g>\n<!-- 536 -->\n<g id=\"node537\" class=\"node\">\n<title>536</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M20363.5,-901C20363.5,-901 20133.5,-901 20133.5,-901 20127.5,-901 20121.5,-895 20121.5,-889 20121.5,-889 20121.5,-830 20121.5,-830 20121.5,-824 20127.5,-818 20133.5,-818 20133.5,-818 20363.5,-818 20363.5,-818 20369.5,-818 20375.5,-824 20375.5,-830 20375.5,-830 20375.5,-889 20375.5,-889 20375.5,-895 20369.5,-901 20363.5,-901\"/>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Transport&#45;moving &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 10</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [5, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 534&#45;&gt;536 -->\n<g id=\"edge536\" class=\"edge\">\n<title>534&#45;&gt;536</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20111.2976,-936.8796C20128.9658,-926.915 20147.9418,-916.2129 20165.9763,-906.0418\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20167.7532,-909.058 20174.7441,-901.0969 20164.3145,-902.9608 20167.7532,-909.058\"/>\n</g>\n<!-- 537 -->\n<g id=\"node538\" class=\"node\">\n<title>537</title>\n<path fill=\"#d7ebfa\" stroke=\"#000000\" d=\"M20340.5,-782C20340.5,-782 20156.5,-782 20156.5,-782 20150.5,-782 20144.5,-776 20144.5,-770 20144.5,-770 20144.5,-711 20144.5,-711 20144.5,-705 20150.5,-699 20156.5,-699 20156.5,-699 20340.5,-699 20340.5,-699 20346.5,-699 20352.5,-705 20352.5,-711 20352.5,-711 20352.5,-770 20352.5,-770 20352.5,-776 20346.5,-782 20340.5,-782\"/>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Own&#45;child &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.991</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 536&#45;&gt;537 -->\n<g id=\"edge537\" class=\"edge\">\n<title>536&#45;&gt;537</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20248.5,-817.8796C20248.5,-809.6838 20248.5,-800.9891 20248.5,-792.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20252.0001,-792.298 20248.5,-782.2981 20245.0001,-792.2981 20252.0001,-792.298\"/>\n</g>\n<!-- 548 -->\n<g id=\"node549\" class=\"node\">\n<title>548</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M20490,-774.5C20490,-774.5 20383,-774.5 20383,-774.5 20377,-774.5 20371,-768.5 20371,-762.5 20371,-762.5 20371,-718.5 20371,-718.5 20371,-712.5 20377,-706.5 20383,-706.5 20383,-706.5 20490,-706.5 20490,-706.5 20496,-706.5 20502,-712.5 20502,-718.5 20502,-718.5 20502,-762.5 20502,-762.5 20502,-768.5 20496,-774.5 20490,-774.5\"/>\n<text text-anchor=\"middle\" x=\"20436.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20436.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20436.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"20436.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 536&#45;&gt;548 -->\n<g id=\"edge548\" class=\"edge\">\n<title>536&#45;&gt;548</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20314.2533,-817.8796C20333.628,-805.6158 20354.7676,-792.2348 20373.9363,-780.1015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20376.0137,-782.9288 20382.5913,-774.623 20372.2698,-777.0141 20376.0137,-782.9288\"/>\n</g>\n<!-- 538 -->\n<g id=\"node539\" class=\"node\">\n<title>538</title>\n<path fill=\"#b0d8f5\" stroke=\"#000000\" d=\"M20344,-663C20344,-663 20153,-663 20153,-663 20147,-663 20141,-657 20141,-651 20141,-651 20141,-592 20141,-592 20141,-586 20147,-580 20153,-580 20153,-580 20344,-580 20344,-580 20350,-580 20356,-586 20356,-592 20356,-592 20356,-651 20356,-651 20356,-657 20350,-663 20344,-663\"/>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.954</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 537&#45;&gt;538 -->\n<g id=\"edge538\" class=\"edge\">\n<title>537&#45;&gt;538</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20248.5,-698.8796C20248.5,-690.6838 20248.5,-681.9891 20248.5,-673.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20252.0001,-673.298 20248.5,-663.2981 20245.0001,-673.2981 20252.0001,-673.298\"/>\n</g>\n<!-- 547 -->\n<g id=\"node548\" class=\"node\">\n<title>547</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M20493,-655.5C20493,-655.5 20386,-655.5 20386,-655.5 20380,-655.5 20374,-649.5 20374,-643.5 20374,-643.5 20374,-599.5 20374,-599.5 20374,-593.5 20380,-587.5 20386,-587.5 20386,-587.5 20493,-587.5 20493,-587.5 20499,-587.5 20505,-593.5 20505,-599.5 20505,-599.5 20505,-643.5 20505,-643.5 20505,-649.5 20499,-655.5 20493,-655.5\"/>\n<text text-anchor=\"middle\" x=\"20439.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20439.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20439.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"20439.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 537&#45;&gt;547 -->\n<g id=\"edge547\" class=\"edge\">\n<title>537&#45;&gt;547</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20315.3025,-698.8796C20335.0751,-686.5606 20356.6569,-673.1143 20376.2009,-660.9376\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20378.0944,-663.8817 20384.7311,-655.623 20374.3928,-657.9405 20378.0944,-663.8817\"/>\n</g>\n<!-- 539 -->\n<g id=\"node540\" class=\"node\">\n<title>539</title>\n<path fill=\"#88c4ef\" stroke=\"#000000\" d=\"M20325,-544C20325,-544 20172,-544 20172,-544 20166,-544 20160,-538 20160,-532 20160,-532 20160,-473 20160,-473 20160,-467 20166,-461 20172,-461 20172,-461 20325,-461 20325,-461 20331,-461 20337,-467 20337,-473 20337,-473 20337,-532 20337,-532 20337,-538 20331,-544 20325,-544\"/>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Sales &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.863</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 538&#45;&gt;539 -->\n<g id=\"edge539\" class=\"edge\">\n<title>538&#45;&gt;539</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20248.5,-579.8796C20248.5,-571.6838 20248.5,-562.9891 20248.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20252.0001,-554.298 20248.5,-544.2981 20245.0001,-554.2981 20252.0001,-554.298\"/>\n</g>\n<!-- 546 -->\n<g id=\"node547\" class=\"node\">\n<title>546</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M20474,-536.5C20474,-536.5 20367,-536.5 20367,-536.5 20361,-536.5 20355,-530.5 20355,-524.5 20355,-524.5 20355,-480.5 20355,-480.5 20355,-474.5 20361,-468.5 20367,-468.5 20367,-468.5 20474,-468.5 20474,-468.5 20480,-468.5 20486,-474.5 20486,-480.5 20486,-480.5 20486,-524.5 20486,-524.5 20486,-530.5 20480,-536.5 20474,-536.5\"/>\n<text text-anchor=\"middle\" x=\"20420.5\" y=\"-521.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20420.5\" y=\"-506.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20420.5\" y=\"-491.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"20420.5\" y=\"-476.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 538&#45;&gt;546 -->\n<g id=\"edge546\" class=\"edge\">\n<title>538&#45;&gt;546</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20308.6573,-579.8796C20326.2234,-567.7263 20345.3752,-554.4759 20362.7864,-542.4297\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20364.947,-545.191 20371.1793,-536.623 20360.9643,-539.4344 20364.947,-545.191\"/>\n</g>\n<!-- 540 -->\n<g id=\"node541\" class=\"node\">\n<title>540</title>\n<path fill=\"#61b1ea\" stroke=\"#000000\" d=\"M20126,-425C20126,-425 19911,-425 19911,-425 19905,-425 19899,-419 19899,-413 19899,-413 19899,-354 19899,-354 19899,-348 19905,-342 19911,-342 19911,-342 20126,-342 20126,-342 20132,-342 20138,-348 20138,-354 20138,-354 20138,-413 20138,-413 20138,-419 20132,-425 20126,-425\"/>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">workclass_Self&#45;emp&#45;not&#45;inc &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.65</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 539&#45;&gt;540 -->\n<g id=\"edge540\" class=\"edge\">\n<title>539&#45;&gt;540</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20168.0572,-460.8796C20148.6229,-450.8244 20127.737,-440.0183 20107.9189,-429.7645\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20109.3874,-426.5837 20098.8974,-425.0969 20106.1707,-432.8008 20109.3874,-426.5837\"/>\n</g>\n<!-- 545 -->\n<g id=\"node546\" class=\"node\">\n<title>545</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M20302,-417.5C20302,-417.5 20195,-417.5 20195,-417.5 20189,-417.5 20183,-411.5 20183,-405.5 20183,-405.5 20183,-361.5 20183,-361.5 20183,-355.5 20189,-349.5 20195,-349.5 20195,-349.5 20302,-349.5 20302,-349.5 20308,-349.5 20314,-355.5 20314,-361.5 20314,-361.5 20314,-405.5 20314,-405.5 20314,-411.5 20308,-417.5 20302,-417.5\"/>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-402.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-387.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-372.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"20248.5\" y=\"-357.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 539&#45;&gt;545 -->\n<g id=\"edge545\" class=\"edge\">\n<title>539&#45;&gt;545</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20248.5,-460.8796C20248.5,-450.2134 20248.5,-438.7021 20248.5,-427.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20252.0001,-427.8149 20248.5,-417.8149 20245.0001,-427.815 20252.0001,-427.8149\"/>\n</g>\n<!-- 541 -->\n<g id=\"node542\" class=\"node\">\n<title>541</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M19863,-298.5C19863,-298.5 19756,-298.5 19756,-298.5 19750,-298.5 19744,-292.5 19744,-286.5 19744,-286.5 19744,-242.5 19744,-242.5 19744,-236.5 19750,-230.5 19756,-230.5 19756,-230.5 19863,-230.5 19863,-230.5 19869,-230.5 19875,-236.5 19875,-242.5 19875,-242.5 19875,-286.5 19875,-286.5 19875,-292.5 19869,-298.5 19863,-298.5\"/>\n<text text-anchor=\"middle\" x=\"19809.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19809.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4</text>\n<text text-anchor=\"middle\" x=\"19809.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 4, 0]</text>\n<text text-anchor=\"middle\" x=\"19809.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 540&#45;&gt;541 -->\n<g id=\"edge541\" class=\"edge\">\n<title>540&#45;&gt;541</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19945.4019,-341.8796C19923.572,-329.4501 19899.7265,-315.873 19878.1895,-303.6103\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19879.8523,-300.5295 19869.4304,-298.623 19876.3887,-306.6126 19879.8523,-300.5295\"/>\n</g>\n<!-- 542 -->\n<g id=\"node543\" class=\"node\">\n<title>542</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M20131.5,-306C20131.5,-306 19905.5,-306 19905.5,-306 19899.5,-306 19893.5,-300 19893.5,-294 19893.5,-294 19893.5,-235 19893.5,-235 19893.5,-229 19899.5,-223 19905.5,-223 19905.5,-223 20131.5,-223 20131.5,-223 20137.5,-223 20143.5,-229 20143.5,-235 20143.5,-235 20143.5,-294 20143.5,-294 20143.5,-300 20137.5,-306 20131.5,-306\"/>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 540&#45;&gt;542 -->\n<g id=\"edge542\" class=\"edge\">\n<title>540&#45;&gt;542</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20018.5,-341.8796C20018.5,-333.6838 20018.5,-324.9891 20018.5,-316.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20022.0001,-316.298 20018.5,-306.2981 20015.0001,-316.2981 20022.0001,-316.298\"/>\n</g>\n<!-- 543 -->\n<g id=\"node544\" class=\"node\">\n<title>543</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M19923,-179.5C19923,-179.5 19816,-179.5 19816,-179.5 19810,-179.5 19804,-173.5 19804,-167.5 19804,-167.5 19804,-123.5 19804,-123.5 19804,-117.5 19810,-111.5 19816,-111.5 19816,-111.5 19923,-111.5 19923,-111.5 19929,-111.5 19935,-117.5 19935,-123.5 19935,-123.5 19935,-167.5 19935,-167.5 19935,-173.5 19929,-179.5 19923,-179.5\"/>\n<text text-anchor=\"middle\" x=\"19869.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"19869.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"19869.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"19869.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 542&#45;&gt;543 -->\n<g id=\"edge543\" class=\"edge\">\n<title>542&#45;&gt;543</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M19966.387,-222.8796C19951.5174,-211.0038 19935.336,-198.0804 19920.5317,-186.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"19922.4638,-183.3207 19912.4658,-179.8149 19918.0954,-188.7904 19922.4638,-183.3207\"/>\n</g>\n<!-- 544 -->\n<g id=\"node545\" class=\"node\">\n<title>544</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M20072,-179.5C20072,-179.5 19965,-179.5 19965,-179.5 19959,-179.5 19953,-173.5 19953,-167.5 19953,-167.5 19953,-123.5 19953,-123.5 19953,-117.5 19959,-111.5 19965,-111.5 19965,-111.5 20072,-111.5 20072,-111.5 20078,-111.5 20084,-117.5 20084,-123.5 20084,-123.5 20084,-167.5 20084,-167.5 20084,-173.5 20078,-179.5 20072,-179.5\"/>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-164.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-149.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-134.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"20018.5\" y=\"-119.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 542&#45;&gt;544 -->\n<g id=\"edge544\" class=\"edge\">\n<title>542&#45;&gt;544</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20018.5,-222.8796C20018.5,-212.2134 20018.5,-200.7021 20018.5,-189.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20022.0001,-189.8149 20018.5,-179.8149 20015.0001,-189.815 20022.0001,-189.8149\"/>\n</g>\n<!-- 550 -->\n<g id=\"node551\" class=\"node\">\n<title>550</title>\n<path fill=\"#3d9fe6\" stroke=\"#000000\" d=\"M20794,-1139C20794,-1139 20671,-1139 20671,-1139 20665,-1139 20659,-1133 20659,-1127 20659,-1127 20659,-1068 20659,-1068 20659,-1062 20665,-1056 20671,-1056 20671,-1056 20794,-1056 20794,-1056 20800,-1056 20806,-1062 20806,-1068 20806,-1068 20806,-1127 20806,-1127 20806,-1133 20800,-1139 20794,-1139\"/>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(27...32] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.135</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 106</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 104, 0]</text>\n<text text-anchor=\"middle\" x=\"20732.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 549&#45;&gt;550 -->\n<g id=\"edge550\" class=\"edge\">\n<title>549&#45;&gt;550</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20732.5,-1174.8796C20732.5,-1166.6838 20732.5,-1157.9891 20732.5,-1149.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20736.0001,-1149.298 20732.5,-1139.2981 20729.0001,-1149.2981 20736.0001,-1149.298\"/>\n</g>\n<!-- 561 -->\n<g id=\"node562\" class=\"node\">\n<title>561</title>\n<path fill=\"#88c4ef\" stroke=\"#000000\" d=\"M21180.5,-1139C21180.5,-1139 21058.5,-1139 21058.5,-1139 21052.5,-1139 21046.5,-1133 21046.5,-1127 21046.5,-1127 21046.5,-1068 21046.5,-1068 21046.5,-1062 21052.5,-1056 21058.5,-1056 21058.5,-1056 21180.5,-1056 21180.5,-1056 21186.5,-1056 21192.5,-1062 21192.5,-1068 21192.5,-1068 21192.5,-1127 21192.5,-1127 21192.5,-1133 21186.5,-1139 21180.5,-1139\"/>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(46...51] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.863</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 7</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 549&#45;&gt;561 -->\n<g id=\"edge561\" class=\"edge\">\n<title>549&#45;&gt;561</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20862.7114,-1176.4608C20920.2466,-1158.7691 20986.1708,-1138.4979 21036.8165,-1122.9246\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21037.8824,-1126.2587 21046.412,-1119.9741 21035.825,-1119.5679 21037.8824,-1126.2587\"/>\n</g>\n<!-- 551 -->\n<g id=\"node552\" class=\"node\">\n<title>551</title>\n<path fill=\"#3b9ee5\" stroke=\"#000000\" d=\"M20718.5,-1020C20718.5,-1020 20530.5,-1020 20530.5,-1020 20524.5,-1020 20518.5,-1014 20518.5,-1008 20518.5,-1008 20518.5,-949 20518.5,-949 20518.5,-943 20524.5,-937 20530.5,-937 20530.5,-937 20718.5,-937 20718.5,-937 20724.5,-937 20730.5,-943 20730.5,-949 20730.5,-949 20730.5,-1008 20730.5,-1008 20730.5,-1014 20724.5,-1020 20718.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"20624.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Craft&#45;repair &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20624.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.083</text>\n<text text-anchor=\"middle\" x=\"20624.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 97</text>\n<text text-anchor=\"middle\" x=\"20624.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 96, 0]</text>\n<text text-anchor=\"middle\" x=\"20624.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 550&#45;&gt;551 -->\n<g id=\"edge551\" class=\"edge\">\n<title>550&#45;&gt;551</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20694.7268,-1055.8796C20686.4713,-1046.7832 20677.658,-1037.0722 20669.1626,-1027.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20671.7467,-1025.3509 20662.4344,-1020.2981 20666.5632,-1030.0553 20671.7467,-1025.3509\"/>\n</g>\n<!-- 558 -->\n<g id=\"node559\" class=\"node\">\n<title>558</title>\n<path fill=\"#52a9e8\" stroke=\"#000000\" d=\"M20921,-1020C20921,-1020 20760,-1020 20760,-1020 20754,-1020 20748,-1014 20748,-1008 20748,-1008 20748,-949 20748,-949 20748,-943 20754,-937 20760,-937 20760,-937 20921,-937 20921,-937 20927,-937 20933,-943 20933,-949 20933,-949 20933,-1008 20933,-1008 20933,-1014 20927,-1020 20921,-1020\"/>\n<text text-anchor=\"middle\" x=\"20840.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Masters &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20840.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.503</text>\n<text text-anchor=\"middle\" x=\"20840.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"20840.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"20840.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 550&#45;&gt;558 -->\n<g id=\"edge558\" class=\"edge\">\n<title>550&#45;&gt;558</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20770.2732,-1055.8796C20778.5287,-1046.7832 20787.342,-1037.0722 20795.8374,-1027.7116\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20798.4368,-1030.0553 20802.5656,-1020.2981 20793.2533,-1025.3509 20798.4368,-1030.0553\"/>\n</g>\n<!-- 552 -->\n<g id=\"node553\" class=\"node\">\n<title>552</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M20521,-893.5C20521,-893.5 20406,-893.5 20406,-893.5 20400,-893.5 20394,-887.5 20394,-881.5 20394,-881.5 20394,-837.5 20394,-837.5 20394,-831.5 20400,-825.5 20406,-825.5 20406,-825.5 20521,-825.5 20521,-825.5 20527,-825.5 20533,-831.5 20533,-837.5 20533,-837.5 20533,-881.5 20533,-881.5 20533,-887.5 20527,-893.5 20521,-893.5\"/>\n<text text-anchor=\"middle\" x=\"20463.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20463.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 88</text>\n<text text-anchor=\"middle\" x=\"20463.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 88, 0]</text>\n<text text-anchor=\"middle\" x=\"20463.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 551&#45;&gt;552 -->\n<g id=\"edge552\" class=\"edge\">\n<title>551&#45;&gt;552</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20568.19,-936.8796C20551.8968,-924.8368 20534.1461,-911.7167 20517.9675,-899.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20519.7886,-896.7524 20509.6665,-893.623 20515.6279,-902.3816 20519.7886,-896.7524\"/>\n</g>\n<!-- 553 -->\n<g id=\"node554\" class=\"node\">\n<title>553</title>\n<path fill=\"#52a9e8\" stroke=\"#000000\" d=\"M20726,-901C20726,-901 20563,-901 20563,-901 20557,-901 20551,-895 20551,-889 20551,-889 20551,-830 20551,-830 20551,-824 20557,-818 20563,-818 20563,-818 20726,-818 20726,-818 20732,-818 20738,-824 20738,-830 20738,-830 20738,-889 20738,-889 20738,-895 20732,-901 20726,-901\"/>\n<text text-anchor=\"middle\" x=\"20644.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_HS&#45;grad &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20644.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.503</text>\n<text text-anchor=\"middle\" x=\"20644.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9</text>\n<text text-anchor=\"middle\" x=\"20644.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"20644.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 551&#45;&gt;553 -->\n<g id=\"edge553\" class=\"edge\">\n<title>551&#45;&gt;553</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20631.495,-936.8796C20632.8876,-928.5938 20634.3659,-919.798 20635.8073,-911.2216\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20639.2692,-911.7399 20637.4751,-901.2981 20632.366,-910.5796 20639.2692,-911.7399\"/>\n</g>\n<!-- 554 -->\n<g id=\"node555\" class=\"node\">\n<title>554</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M20668,-774.5C20668,-774.5 20561,-774.5 20561,-774.5 20555,-774.5 20549,-768.5 20549,-762.5 20549,-762.5 20549,-718.5 20549,-718.5 20549,-712.5 20555,-706.5 20561,-706.5 20561,-706.5 20668,-706.5 20668,-706.5 20674,-706.5 20680,-712.5 20680,-718.5 20680,-718.5 20680,-762.5 20680,-762.5 20680,-768.5 20674,-774.5 20668,-774.5\"/>\n<text text-anchor=\"middle\" x=\"20614.5\" y=\"-759.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20614.5\" y=\"-744.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"20614.5\" y=\"-729.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 6, 0]</text>\n<text text-anchor=\"middle\" x=\"20614.5\" y=\"-714.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 553&#45;&gt;554 -->\n<g id=\"edge554\" class=\"edge\">\n<title>553&#45;&gt;554</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20634.0075,-817.8796C20631.2908,-807.1034 20628.3566,-795.4647 20625.6095,-784.5677\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20628.9892,-783.6559 20623.1508,-774.8149 20622.2016,-785.3672 20628.9892,-783.6559\"/>\n</g>\n<!-- 555 -->\n<g id=\"node556\" class=\"node\">\n<title>555</title>\n<path fill=\"#9ccef2\" stroke=\"#000000\" d=\"M20909,-782C20909,-782 20710,-782 20710,-782 20704,-782 20698,-776 20698,-770 20698,-770 20698,-711 20698,-711 20698,-705 20704,-699 20710,-699 20710,-699 20909,-699 20909,-699 20915,-699 20921,-705 20921,-711 20921,-711 20921,-770 20921,-770 20921,-776 20915,-782 20909,-782\"/>\n<text text-anchor=\"middle\" x=\"20809.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">hours&#45;per&#45;week_(26...50] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20809.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.918</text>\n<text text-anchor=\"middle\" x=\"20809.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3</text>\n<text text-anchor=\"middle\" x=\"20809.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 2, 0]</text>\n<text text-anchor=\"middle\" x=\"20809.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 553&#45;&gt;555 -->\n<g id=\"edge555\" class=\"edge\">\n<title>553&#45;&gt;555</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20702.209,-817.8796C20715.523,-808.2774 20729.7866,-797.9903 20743.4259,-788.1534\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20745.7602,-790.7852 20751.8236,-782.0969 20741.6655,-785.1077 20745.7602,-790.7852\"/>\n</g>\n<!-- 556 -->\n<g id=\"node557\" class=\"node\">\n<title>556</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M20788,-655.5C20788,-655.5 20681,-655.5 20681,-655.5 20675,-655.5 20669,-649.5 20669,-643.5 20669,-643.5 20669,-599.5 20669,-599.5 20669,-593.5 20675,-587.5 20681,-587.5 20681,-587.5 20788,-587.5 20788,-587.5 20794,-587.5 20800,-593.5 20800,-599.5 20800,-599.5 20800,-643.5 20800,-643.5 20800,-649.5 20794,-655.5 20788,-655.5\"/>\n<text text-anchor=\"middle\" x=\"20734.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20734.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20734.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"20734.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 555&#45;&gt;556 -->\n<g id=\"edge556\" class=\"edge\">\n<title>555&#45;&gt;556</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20783.2686,-698.8796C20776.269,-687.7735 20768.692,-675.7513 20761.6444,-664.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20764.42,-662.4087 20756.1271,-655.8149 20758.498,-666.1411 20764.42,-662.4087\"/>\n</g>\n<!-- 557 -->\n<g id=\"node558\" class=\"node\">\n<title>557</title>\n<path fill=\"#ffffff\" stroke=\"#000000\" d=\"M20937,-655.5C20937,-655.5 20830,-655.5 20830,-655.5 20824,-655.5 20818,-649.5 20818,-643.5 20818,-643.5 20818,-599.5 20818,-599.5 20818,-593.5 20824,-587.5 20830,-587.5 20830,-587.5 20937,-587.5 20937,-587.5 20943,-587.5 20949,-593.5 20949,-599.5 20949,-599.5 20949,-643.5 20949,-643.5 20949,-649.5 20943,-655.5 20937,-655.5\"/>\n<text text-anchor=\"middle\" x=\"20883.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 1.0</text>\n<text text-anchor=\"middle\" x=\"20883.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2</text>\n<text text-anchor=\"middle\" x=\"20883.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 1, 0]</text>\n<text text-anchor=\"middle\" x=\"20883.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 555&#45;&gt;557 -->\n<g id=\"edge557\" class=\"edge\">\n<title>555&#45;&gt;557</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20835.3816,-698.8796C20842.2879,-687.7735 20849.7639,-675.7513 20856.7175,-664.5691\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20859.8527,-666.1552 20862.1613,-655.8149 20853.9083,-662.4587 20859.8527,-666.1552\"/>\n</g>\n<!-- 559 -->\n<g id=\"node560\" class=\"node\">\n<title>559</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M20875,-893.5C20875,-893.5 20768,-893.5 20768,-893.5 20762,-893.5 20756,-887.5 20756,-881.5 20756,-881.5 20756,-837.5 20756,-837.5 20756,-831.5 20762,-825.5 20768,-825.5 20768,-825.5 20875,-825.5 20875,-825.5 20881,-825.5 20887,-831.5 20887,-837.5 20887,-837.5 20887,-881.5 20887,-881.5 20887,-887.5 20881,-893.5 20875,-893.5\"/>\n<text text-anchor=\"middle\" x=\"20821.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20821.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8</text>\n<text text-anchor=\"middle\" x=\"20821.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 8, 0]</text>\n<text text-anchor=\"middle\" x=\"20821.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 558&#45;&gt;559 -->\n<g id=\"edge559\" class=\"edge\">\n<title>558&#45;&gt;559</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20833.8547,-936.8796C20832.1517,-926.2134 20830.3138,-914.7021 20828.5893,-903.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20832.0118,-903.138 20826.9789,-893.8149 20825.0994,-904.2417 20832.0118,-903.138\"/>\n</g>\n<!-- 560 -->\n<g id=\"node561\" class=\"node\">\n<title>560</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M21024,-893.5C21024,-893.5 20917,-893.5 20917,-893.5 20911,-893.5 20905,-887.5 20905,-881.5 20905,-881.5 20905,-837.5 20905,-837.5 20905,-831.5 20911,-825.5 20917,-825.5 20917,-825.5 21024,-825.5 21024,-825.5 21030,-825.5 21036,-831.5 21036,-837.5 21036,-837.5 21036,-881.5 21036,-881.5 21036,-887.5 21030,-893.5 21024,-893.5\"/>\n<text text-anchor=\"middle\" x=\"20970.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20970.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"20970.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"20970.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 558&#45;&gt;560 -->\n<g id=\"edge560\" class=\"edge\">\n<title>558&#45;&gt;560</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20885.9677,-936.8796C20898.8211,-925.1138 20912.7979,-912.3197 20925.6166,-900.5855\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20928.0001,-903.1488 20933.0131,-893.8149 20923.2736,-897.9854 20928.0001,-903.1488\"/>\n</g>\n<!-- 562 -->\n<g id=\"node563\" class=\"node\">\n<title>562</title>\n<path fill=\"#61b1ea\" stroke=\"#000000\" d=\"M21180.5,-1020C21180.5,-1020 21058.5,-1020 21058.5,-1020 21052.5,-1020 21046.5,-1014 21046.5,-1008 21046.5,-1008 21046.5,-949 21046.5,-949 21046.5,-943 21052.5,-937 21058.5,-937 21058.5,-937 21180.5,-937 21180.5,-937 21186.5,-937 21192.5,-943 21192.5,-949 21192.5,-949 21192.5,-1008 21192.5,-1008 21192.5,-1014 21186.5,-1020 21180.5,-1020\"/>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(22...27] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.65</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 6</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 561&#45;&gt;562 -->\n<g id=\"edge562\" class=\"edge\">\n<title>561&#45;&gt;562</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21119.5,-1055.8796C21119.5,-1047.6838 21119.5,-1038.9891 21119.5,-1030.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21123.0001,-1030.298 21119.5,-1020.2981 21116.0001,-1030.2981 21123.0001,-1030.298\"/>\n</g>\n<!-- 565 -->\n<g id=\"node566\" class=\"node\">\n<title>565</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M21330,-1012.5C21330,-1012.5 21223,-1012.5 21223,-1012.5 21217,-1012.5 21211,-1006.5 21211,-1000.5 21211,-1000.5 21211,-956.5 21211,-956.5 21211,-950.5 21217,-944.5 21223,-944.5 21223,-944.5 21330,-944.5 21330,-944.5 21336,-944.5 21342,-950.5 21342,-956.5 21342,-956.5 21342,-1000.5 21342,-1000.5 21342,-1006.5 21336,-1012.5 21330,-1012.5\"/>\n<text text-anchor=\"middle\" x=\"21276.5\" y=\"-997.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"21276.5\" y=\"-982.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"21276.5\" y=\"-967.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"21276.5\" y=\"-952.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 561&#45;&gt;565 -->\n<g id=\"edge565\" class=\"edge\">\n<title>561&#45;&gt;565</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21174.411,-1055.8796C21190.2994,-1043.8368 21207.6091,-1030.7167 21223.3857,-1018.7586\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21225.6253,-1021.4529 21231.4805,-1012.623 21221.3969,-1015.8743 21225.6253,-1021.4529\"/>\n</g>\n<!-- 563 -->\n<g id=\"node564\" class=\"node\">\n<title>563</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M21173,-893.5C21173,-893.5 21066,-893.5 21066,-893.5 21060,-893.5 21054,-887.5 21054,-881.5 21054,-881.5 21054,-837.5 21054,-837.5 21054,-831.5 21060,-825.5 21066,-825.5 21066,-825.5 21173,-825.5 21173,-825.5 21179,-825.5 21185,-831.5 21185,-837.5 21185,-837.5 21185,-881.5 21185,-881.5 21185,-887.5 21179,-893.5 21173,-893.5\"/>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 5</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 5, 0]</text>\n<text text-anchor=\"middle\" x=\"21119.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 562&#45;&gt;563 -->\n<g id=\"edge563\" class=\"edge\">\n<title>562&#45;&gt;563</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21119.5,-936.8796C21119.5,-926.2134 21119.5,-914.7021 21119.5,-903.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21123.0001,-903.8149 21119.5,-893.8149 21116.0001,-903.815 21123.0001,-903.8149\"/>\n</g>\n<!-- 564 -->\n<g id=\"node565\" class=\"node\">\n<title>564</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M21322,-893.5C21322,-893.5 21215,-893.5 21215,-893.5 21209,-893.5 21203,-887.5 21203,-881.5 21203,-881.5 21203,-837.5 21203,-837.5 21203,-831.5 21209,-825.5 21215,-825.5 21215,-825.5 21322,-825.5 21322,-825.5 21328,-825.5 21334,-831.5 21334,-837.5 21334,-837.5 21334,-881.5 21334,-881.5 21334,-887.5 21328,-893.5 21322,-893.5\"/>\n<text text-anchor=\"middle\" x=\"21268.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"21268.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1</text>\n<text text-anchor=\"middle\" x=\"21268.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"21268.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 562&#45;&gt;564 -->\n<g id=\"edge564\" class=\"edge\">\n<title>562&#45;&gt;564</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21171.613,-936.8796C21186.4826,-925.0038 21202.664,-912.0804 21217.4683,-900.2568\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21219.9046,-902.7904 21225.5342,-893.8149 21215.5362,-897.3207 21219.9046,-902.7904\"/>\n</g>\n<!-- 567 -->\n<g id=\"node568\" class=\"node\">\n<title>567</title>\n<path fill=\"#e78946\" stroke=\"#000000\" d=\"M28208.5,-1496C28208.5,-1496 28024.5,-1496 28024.5,-1496 28018.5,-1496 28012.5,-1490 28012.5,-1484 28012.5,-1484 28012.5,-1425 28012.5,-1425 28012.5,-1419 28018.5,-1413 28024.5,-1413 28024.5,-1413 28208.5,-1413 28208.5,-1413 28214.5,-1413 28220.5,-1419 28220.5,-1425 28220.5,-1425 28220.5,-1484 28220.5,-1484 28220.5,-1490 28214.5,-1496 28208.5,-1496\"/>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1480.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">relationship_Own&#45;child &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1465.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.335</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1450.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 11950</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1435.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [11210, 0, 740, 0]</text>\n<text text-anchor=\"middle\" x=\"28116.5\" y=\"-1420.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 566&#45;&gt;567 -->\n<g id=\"edge567\" class=\"edge\">\n<title>566&#45;&gt;567</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M28116.5,-1531.8796C28116.5,-1523.6838 28116.5,-1514.9891 28116.5,-1506.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"28120.0001,-1506.298 28116.5,-1496.2981 28113.0001,-1506.2981 28120.0001,-1506.298\"/>\n</g>\n<!-- 880 -->\n<g id=\"node881\" class=\"node\">\n<title>880</title>\n<path fill=\"#f8dfcd\" stroke=\"#000000\" d=\"M39371.5,-1496C39371.5,-1496 39185.5,-1496 39185.5,-1496 39179.5,-1496 39173.5,-1490 39173.5,-1484 39173.5,-1484 39173.5,-1425 39173.5,-1425 39173.5,-1419 39179.5,-1413 39185.5,-1413 39185.5,-1413 39371.5,-1413 39371.5,-1413 39377.5,-1413 39383.5,-1419 39383.5,-1425 39383.5,-1425 39383.5,-1484 39383.5,-1484 39383.5,-1490 39377.5,-1496 39371.5,-1496\"/>\n<text text-anchor=\"middle\" x=\"39278.5\" y=\"-1480.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_High&#45;school &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"39278.5\" y=\"-1465.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.985</text>\n<text text-anchor=\"middle\" x=\"39278.5\" y=\"-1450.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 9760</text>\n<text text-anchor=\"middle\" x=\"39278.5\" y=\"-1435.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [5589, 0, 4171, 0]</text>\n<text text-anchor=\"middle\" x=\"39278.5\" y=\"-1420.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 566&#45;&gt;880 -->\n<g id=\"edge880\" class=\"edge\">\n<title>566&#45;&gt;880</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M28256.1123,-1572.0116C29459.618,-1559.1808 38064.3348,-1467.4444 39163.1447,-1455.7298\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"39163.4495,-1459.2269 39173.4116,-1455.6204 39163.3748,-1452.2273 39163.4495,-1459.2269\"/>\n</g>\n<!-- 568 -->\n<g id=\"node569\" class=\"node\">\n<title>568</title>\n<path fill=\"#e78c4b\" stroke=\"#000000\" d=\"M26692.5,-1377C26692.5,-1377 26506.5,-1377 26506.5,-1377 26500.5,-1377 26494.5,-1371 26494.5,-1365 26494.5,-1365 26494.5,-1306 26494.5,-1306 26494.5,-1300 26500.5,-1294 26506.5,-1294 26506.5,-1294 26692.5,-1294 26692.5,-1294 26698.5,-1294 26704.5,-1300 26704.5,-1306 26704.5,-1306 26704.5,-1365 26704.5,-1365 26704.5,-1371 26698.5,-1377 26692.5,-1377\"/>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1361.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(8...10] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1346.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.41</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1331.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 8546</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1316.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [7844, 0, 702, 0]</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1301.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 567&#45;&gt;568 -->\n<g id=\"edge568\" class=\"edge\">\n<title>567&#45;&gt;568</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M28012.2304,-1446.3206C27738.4287,-1424.8425 27000.4843,-1366.9549 26714.7242,-1344.5387\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"26714.9942,-1341.0492 26704.7511,-1343.7563 26714.4467,-1348.0278 26714.9942,-1341.0492\"/>\n</g>\n<!-- 767 -->\n<g id=\"node768\" class=\"node\">\n<title>767</title>\n<path fill=\"#e5823b\" stroke=\"#000000\" d=\"M29606.5,-1377C29606.5,-1377 29382.5,-1377 29382.5,-1377 29376.5,-1377 29370.5,-1371 29370.5,-1365 29370.5,-1365 29370.5,-1306 29370.5,-1306 29370.5,-1300 29376.5,-1294 29382.5,-1294 29382.5,-1294 29606.5,-1294 29606.5,-1294 29612.5,-1294 29618.5,-1300 29618.5,-1306 29618.5,-1306 29618.5,-1365 29618.5,-1365 29618.5,-1371 29612.5,-1377 29606.5,-1377\"/>\n<text text-anchor=\"middle\" x=\"29494.5\" y=\"-1361.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">marital&#45;status_Never&#45;married &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"29494.5\" y=\"-1346.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.088</text>\n<text text-anchor=\"middle\" x=\"29494.5\" y=\"-1331.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3404</text>\n<text text-anchor=\"middle\" x=\"29494.5\" y=\"-1316.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3366, 0, 38, 0]</text>\n<text text-anchor=\"middle\" x=\"29494.5\" y=\"-1301.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 567&#45;&gt;767 -->\n<g id=\"edge767\" class=\"edge\">\n<title>567&#45;&gt;767</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M28220.6388,-1445.5069C28467.1388,-1424.2199 29086.156,-1370.7634 29360.2757,-1347.0912\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"29360.6172,-1350.5748 29370.279,-1346.2274 29360.0149,-1343.6008 29360.6172,-1350.5748\"/>\n</g>\n<!-- 569 -->\n<g id=\"node570\" class=\"node\">\n<title>569</title>\n<path fill=\"#e99457\" stroke=\"#000000\" d=\"M23864.5,-1258C23864.5,-1258 23678.5,-1258 23678.5,-1258 23672.5,-1258 23666.5,-1252 23666.5,-1246 23666.5,-1246 23666.5,-1187 23666.5,-1187 23666.5,-1181 23672.5,-1175 23678.5,-1175 23678.5,-1175 23864.5,-1175 23864.5,-1175 23870.5,-1175 23876.5,-1181 23876.5,-1187 23876.5,-1187 23876.5,-1246 23876.5,-1246 23876.5,-1252 23870.5,-1258 23864.5,-1258\"/>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_High&#45;school &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.558</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 3786</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [3293, 0, 493, 0]</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 568&#45;&gt;569 -->\n<g id=\"edge569\" class=\"edge\">\n<title>568&#45;&gt;569</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M26494.2255,-1331.0701C26052.1984,-1312.47 24347.9003,-1240.7545 23886.985,-1221.3595\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"23886.7964,-1217.8486 23876.6581,-1220.925 23886.5021,-1224.8424 23886.7964,-1217.8486\"/>\n</g>\n<!-- 682 -->\n<g id=\"node683\" class=\"node\">\n<title>682</title>\n<path fill=\"#e68742\" stroke=\"#000000\" d=\"M26710,-1258C26710,-1258 26489,-1258 26489,-1258 26483,-1258 26477,-1252 26477,-1246 26477,-1246 26477,-1187 26477,-1187 26477,-1181 26483,-1175 26489,-1175 26489,-1175 26710,-1175 26710,-1175 26716,-1175 26722,-1181 26722,-1187 26722,-1187 26722,-1246 26722,-1246 26722,-1252 26716,-1258 26710,-1258\"/>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1242.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(13750...15000] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1227.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.26</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1212.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 4760</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1197.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [4551, 0, 209, 0]</text>\n<text text-anchor=\"middle\" x=\"26599.5\" y=\"-1182.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 568&#45;&gt;682 -->\n<g id=\"edge682\" class=\"edge\">\n<title>568&#45;&gt;682</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M26599.5,-1293.8796C26599.5,-1285.6838 26599.5,-1276.9891 26599.5,-1268.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"26603.0001,-1268.298 26599.5,-1258.2981 26596.0001,-1268.2981 26603.0001,-1268.298\"/>\n</g>\n<!-- 570 -->\n<g id=\"node571\" class=\"node\">\n<title>570</title>\n<path fill=\"#ea9a60\" stroke=\"#000000\" d=\"M23341,-1139C23341,-1139 23120,-1139 23120,-1139 23114,-1139 23108,-1133 23108,-1127 23108,-1127 23108,-1068 23108,-1068 23108,-1062 23114,-1056 23120,-1056 23120,-1056 23341,-1056 23341,-1056 23347,-1056 23353,-1062 23353,-1068 23353,-1068 23353,-1127 23353,-1127 23353,-1133 23347,-1139 23341,-1139\"/>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(13750...15000] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.646</text>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2868</text>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2395, 0, 473, 0]</text>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 569&#45;&gt;570 -->\n<g id=\"edge570\" class=\"edge\">\n<title>569&#45;&gt;570</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M23666.227,-1193.3438C23579.6855,-1174.3079 23456.5702,-1147.2271 23363.2701,-1126.7045\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"23363.9981,-1123.281 23353.4796,-1124.551 23362.4942,-1130.1176 23363.9981,-1123.281\"/>\n</g>\n<!-- 637 -->\n<g id=\"node638\" class=\"node\">\n<title>637</title>\n<path fill=\"#e6843d\" stroke=\"#000000\" d=\"M23882,-1139C23882,-1139 23661,-1139 23661,-1139 23655,-1139 23649,-1133 23649,-1127 23649,-1127 23649,-1068 23649,-1068 23649,-1062 23655,-1056 23661,-1056 23661,-1056 23882,-1056 23882,-1056 23888,-1056 23894,-1062 23894,-1068 23894,-1068 23894,-1127 23894,-1127 23894,-1133 23888,-1139 23882,-1139\"/>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1123.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(12500...13750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1108.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.151</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1093.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 918</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1078.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [898, 0, 20, 0]</text>\n<text text-anchor=\"middle\" x=\"23771.5\" y=\"-1063.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 569&#45;&gt;637 -->\n<g id=\"edge637\" class=\"edge\">\n<title>569&#45;&gt;637</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M23771.5,-1174.8796C23771.5,-1166.6838 23771.5,-1157.9891 23771.5,-1149.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"23775.0001,-1149.298 23771.5,-1139.2981 23768.0001,-1149.2981 23775.0001,-1149.298\"/>\n</g>\n<!-- 571 -->\n<g id=\"node572\" class=\"node\">\n<title>571</title>\n<path fill=\"#ea985e\" stroke=\"#000000\" d=\"M22739,-1020C22739,-1020 22534,-1020 22534,-1020 22528,-1020 22522,-1014 22522,-1008 22522,-1008 22522,-949 22522,-949 22522,-943 22528,-937 22534,-937 22534,-937 22739,-937 22739,-937 22745,-937 22751,-943 22751,-949 22751,-949 22751,-1008 22751,-1008 22751,-1014 22745,-1020 22739,-1020\"/>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-1004.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(7500...8750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-989.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.626</text>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-974.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2840</text>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-959.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2395, 0, 445, 0]</text>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-944.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 570&#45;&gt;571 -->\n<g id=\"edge571\" class=\"edge\">\n<title>570&#45;&gt;571</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M23107.7831,-1072.9153C23006.3572,-1052.596 22862.9679,-1023.8698 22761.0426,-1003.4504\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"22761.4941,-999.9714 22751.0013,-1001.4388 22760.119,-1006.835 22761.4941,-999.9714\"/>\n</g>\n<!-- 636 -->\n<g id=\"node637\" class=\"node\">\n<title>636</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M23288,-1012.5C23288,-1012.5 23173,-1012.5 23173,-1012.5 23167,-1012.5 23161,-1006.5 23161,-1000.5 23161,-1000.5 23161,-956.5 23161,-956.5 23161,-950.5 23167,-944.5 23173,-944.5 23173,-944.5 23288,-944.5 23288,-944.5 23294,-944.5 23300,-950.5 23300,-956.5 23300,-956.5 23300,-1000.5 23300,-1000.5 23300,-1006.5 23294,-1012.5 23288,-1012.5\"/>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-997.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-982.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 28</text>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-967.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 28, 0]</text>\n<text text-anchor=\"middle\" x=\"23230.5\" y=\"-952.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 570&#45;&gt;636 -->\n<g id=\"edge636\" class=\"edge\">\n<title>570&#45;&gt;636</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M23230.5,-1055.8796C23230.5,-1045.2134 23230.5,-1033.7021 23230.5,-1022.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"23234.0001,-1022.8149 23230.5,-1012.8149 23227.0001,-1022.815 23234.0001,-1022.8149\"/>\n</g>\n<!-- 572 -->\n<g id=\"node573\" class=\"node\">\n<title>572</title>\n<path fill=\"#ea975c\" stroke=\"#000000\" d=\"M22397.5,-901C22397.5,-901 22203.5,-901 22203.5,-901 22197.5,-901 22191.5,-895 22191.5,-889 22191.5,-889 22191.5,-830 22191.5,-830 22191.5,-824 22197.5,-818 22203.5,-818 22203.5,-818 22397.5,-818 22397.5,-818 22403.5,-818 22409.5,-824 22409.5,-830 22409.5,-830 22409.5,-889 22409.5,-889 22409.5,-895 22403.5,-901 22397.5,-901\"/>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-885.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education&#45;num_(14...16] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-870.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.607</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-855.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2814</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-840.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2395, 0, 419, 0]</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-825.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 571&#45;&gt;572 -->\n<g id=\"edge572\" class=\"edge\">\n<title>571&#45;&gt;572</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M22521.8076,-937.8798C22488.7588,-926.175 22452.6396,-913.3828 22419.3448,-901.5909\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"22420.168,-898.1694 22409.5733,-898.1301 22417.831,-904.7678 22420.168,-898.1694\"/>\n</g>\n<!-- 635 -->\n<g id=\"node636\" class=\"node\">\n<title>635</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M22694,-893.5C22694,-893.5 22579,-893.5 22579,-893.5 22573,-893.5 22567,-887.5 22567,-881.5 22567,-881.5 22567,-837.5 22567,-837.5 22567,-831.5 22573,-825.5 22579,-825.5 22579,-825.5 22694,-825.5 22694,-825.5 22700,-825.5 22706,-831.5 22706,-837.5 22706,-837.5 22706,-881.5 22706,-881.5 22706,-887.5 22700,-893.5 22694,-893.5\"/>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-878.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-863.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 26</text>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-848.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 26, 0]</text>\n<text text-anchor=\"middle\" x=\"22636.5\" y=\"-833.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 571&#45;&gt;635 -->\n<g id=\"edge635\" class=\"edge\">\n<title>571&#45;&gt;635</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M22636.5,-936.8796C22636.5,-926.2134 22636.5,-914.7021 22636.5,-903.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"22640.0001,-903.8149 22636.5,-893.8149 22633.0001,-903.815 22640.0001,-903.8149\"/>\n</g>\n<!-- 573 -->\n<g id=\"node574\" class=\"node\">\n<title>573</title>\n<path fill=\"#e99457\" stroke=\"#000000\" d=\"M22024,-782C22024,-782 21803,-782 21803,-782 21797,-782 21791,-776 21791,-770 21791,-770 21791,-711 21791,-711 21791,-705 21797,-699 21803,-699 21803,-699 22024,-699 22024,-699 22030,-699 22036,-705 22036,-711 22036,-711 22036,-770 22036,-770 22036,-776 22030,-782 22024,-782\"/>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(10000...11250] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.557</text>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2645</text>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2302, 0, 343, 0]</text>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 572&#45;&gt;573 -->\n<g id=\"edge573\" class=\"edge\">\n<title>572&#45;&gt;573</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M22191.4112,-825.9559C22146.2385,-812.0656 22093.432,-795.8279 22046.0543,-781.2596\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"22046.9309,-777.8675 22036.3438,-778.2737 22044.8734,-784.5583 22046.9309,-777.8675\"/>\n</g>\n<!-- 602 -->\n<g id=\"node603\" class=\"node\">\n<title>602</title>\n<path fill=\"#fae8db\" stroke=\"#000000\" d=\"M22362,-782C22362,-782 22239,-782 22239,-782 22233,-782 22227,-776 22227,-770 22227,-770 22227,-711 22227,-711 22227,-705 22233,-699 22239,-699 22239,-699 22362,-699 22362,-699 22368,-699 22374,-705 22374,-711 22374,-711 22374,-770 22374,-770 22374,-776 22368,-782 22362,-782\"/>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-766.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(27...32] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-751.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.993</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-736.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 169</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-721.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [93, 0, 76, 0]</text>\n<text text-anchor=\"middle\" x=\"22300.5\" y=\"-706.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 572&#45;&gt;602 -->\n<g id=\"edge602\" class=\"edge\">\n<title>572&#45;&gt;602</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M22300.5,-817.8796C22300.5,-809.6838 22300.5,-800.9891 22300.5,-792.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"22304.0001,-792.298 22300.5,-782.2981 22297.0001,-792.2981 22304.0001,-792.298\"/>\n</g>\n<!-- 574 -->\n<g id=\"node575\" class=\"node\">\n<title>574</title>\n<path fill=\"#e99355\" stroke=\"#000000\" d=\"M21365.5,-663C21365.5,-663 21217.5,-663 21217.5,-663 21211.5,-663 21205.5,-657 21205.5,-651 21205.5,-651 21205.5,-592 21205.5,-592 21205.5,-586 21211.5,-580 21217.5,-580 21217.5,-580 21365.5,-580 21365.5,-580 21371.5,-580 21377.5,-586 21377.5,-592 21377.5,-592 21377.5,-651 21377.5,-651 21377.5,-657 21371.5,-663 21365.5,-663\"/>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-647.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">age_(22...27] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-632.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.538</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-617.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2625</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-602.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [2302, 0, 323, 0]</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-587.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 573&#45;&gt;574 -->\n<g id=\"edge574\" class=\"edge\">\n<title>573&#45;&gt;574</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21790.9841,-717.0605C21672.7499,-694.4401 21496.1603,-660.6553 21387.7032,-639.9054\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21388.2282,-636.4425 21377.7487,-638.0009 21386.9128,-643.3178 21388.2282,-636.4425\"/>\n</g>\n<!-- 601 -->\n<g id=\"node602\" class=\"node\">\n<title>601</title>\n<path fill=\"#399de5\" stroke=\"#000000\" d=\"M21971,-655.5C21971,-655.5 21856,-655.5 21856,-655.5 21850,-655.5 21844,-649.5 21844,-643.5 21844,-643.5 21844,-599.5 21844,-599.5 21844,-593.5 21850,-587.5 21856,-587.5 21856,-587.5 21971,-587.5 21971,-587.5 21977,-587.5 21983,-593.5 21983,-599.5 21983,-599.5 21983,-643.5 21983,-643.5 21983,-649.5 21977,-655.5 21971,-655.5\"/>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-640.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-625.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 20</text>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-610.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [0, 0, 20, 0]</text>\n<text text-anchor=\"middle\" x=\"21913.5\" y=\"-595.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &gt;50K</text>\n</g>\n<!-- 573&#45;&gt;601 -->\n<g id=\"edge601\" class=\"edge\">\n<title>573&#45;&gt;601</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21913.5,-698.8796C21913.5,-688.2134 21913.5,-676.7021 21913.5,-665.9015\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21917.0001,-665.8149 21913.5,-655.8149 21910.0001,-665.815 21917.0001,-665.8149\"/>\n</g>\n<!-- 575 -->\n<g id=\"node576\" class=\"node\">\n<title>575</title>\n<path fill=\"#e9965a\" stroke=\"#000000\" d=\"M20998.5,-544C20998.5,-544 20772.5,-544 20772.5,-544 20766.5,-544 20760.5,-538 20760.5,-532 20760.5,-532 20760.5,-473 20760.5,-473 20760.5,-467 20766.5,-461 20772.5,-461 20772.5,-461 20998.5,-461 20998.5,-461 21004.5,-461 21010.5,-467 21010.5,-473 21010.5,-473 21010.5,-532 21010.5,-532 21010.5,-538 21004.5,-544 20998.5,-544\"/>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">occupation_Exec&#45;managerial &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.594</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 2156</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1846, 0, 310, 0]</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 574&#45;&gt;575 -->\n<g id=\"edge575\" class=\"edge\">\n<title>574&#45;&gt;575</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21205.3978,-596.2632C21151.7074,-580.5263 21081.4672,-559.9387 21020.4857,-542.0648\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21021.3628,-538.6747 21010.7821,-539.2206 21019.3939,-545.3921 21021.3628,-538.6747\"/>\n</g>\n<!-- 592 -->\n<g id=\"node593\" class=\"node\">\n<title>592</title>\n<path fill=\"#e6853f\" stroke=\"#000000\" d=\"M21402,-544C21402,-544 21181,-544 21181,-544 21175,-544 21169,-538 21169,-532 21169,-532 21169,-473 21169,-473 21169,-467 21175,-461 21181,-461 21181,-461 21402,-461 21402,-461 21408,-461 21414,-467 21414,-473 21414,-473 21414,-532 21414,-532 21414,-538 21408,-544 21402,-544\"/>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-528.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(12500...13750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-513.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.183</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-498.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 469</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-483.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [456, 0, 13, 0]</text>\n<text text-anchor=\"middle\" x=\"21291.5\" y=\"-468.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 574&#45;&gt;592 -->\n<g id=\"edge592\" class=\"edge\">\n<title>574&#45;&gt;592</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M21291.5,-579.8796C21291.5,-571.6838 21291.5,-562.9891 21291.5,-554.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"21295.0001,-554.298 21291.5,-544.2981 21288.0001,-554.2981 21295.0001,-554.298\"/>\n</g>\n<!-- 576 -->\n<g id=\"node577\" class=\"node\">\n<title>576</title>\n<path fill=\"#e89153\" stroke=\"#000000\" d=\"M20633.5,-425C20633.5,-425 20427.5,-425 20427.5,-425 20421.5,-425 20415.5,-419 20415.5,-413 20415.5,-413 20415.5,-354 20415.5,-354 20415.5,-348 20421.5,-342 20427.5,-342 20427.5,-342 20633.5,-342 20633.5,-342 20639.5,-342 20645.5,-348 20645.5,-354 20645.5,-354 20645.5,-413 20645.5,-413 20645.5,-419 20639.5,-425 20633.5,-425\"/>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">education_Primary&#45;school &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.515</text>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1781</text>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1576, 0, 205, 0]</text>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 575&#45;&gt;576 -->\n<g id=\"edge576\" class=\"edge\">\n<title>575&#45;&gt;576</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20761.3382,-460.8796C20726.979,-449.362 20689.6802,-436.859 20655.2855,-425.3295\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20656.2603,-421.9649 20645.6664,-422.1051 20654.0354,-428.6019 20656.2603,-421.9649\"/>\n</g>\n<!-- 583 -->\n<g id=\"node584\" class=\"node\">\n<title>583</title>\n<path fill=\"#efb286\" stroke=\"#000000\" d=\"M20996,-425C20996,-425 20775,-425 20775,-425 20769,-425 20763,-419 20763,-413 20763,-413 20763,-354 20763,-354 20763,-348 20769,-342 20775,-342 20775,-342 20996,-342 20996,-342 21002,-342 21008,-348 21008,-354 21008,-354 21008,-413 21008,-413 21008,-419 21002,-425 20996,-425\"/>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-409.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(27500...28750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-394.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.855</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-379.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 375</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-364.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [270, 0, 105, 0]</text>\n<text text-anchor=\"middle\" x=\"20885.5\" y=\"-349.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 575&#45;&gt;583 -->\n<g id=\"edge583\" class=\"edge\">\n<title>575&#45;&gt;583</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20885.5,-460.8796C20885.5,-452.6838 20885.5,-443.9891 20885.5,-435.5013\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20889.0001,-435.298 20885.5,-425.2981 20882.0001,-435.2981 20889.0001,-435.298\"/>\n</g>\n<!-- 577 -->\n<g id=\"node578\" class=\"node\">\n<title>577</title>\n<path fill=\"#e99355\" stroke=\"#000000\" d=\"M20427,-306C20427,-306 20206,-306 20206,-306 20200,-306 20194,-300 20194,-294 20194,-294 20194,-235 20194,-235 20194,-229 20200,-223 20206,-223 20206,-223 20427,-223 20427,-223 20433,-223 20439,-229 20439,-235 20439,-235 20439,-294 20439,-294 20439,-300 20433,-306 20427,-306\"/>\n<text text-anchor=\"middle\" x=\"20316.5\" y=\"-290.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">capital&#45;gain_(12500...13750] &lt;= 0.5</text>\n<text text-anchor=\"middle\" x=\"20316.5\" y=\"-275.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.541</text>\n<text text-anchor=\"middle\" x=\"20316.5\" y=\"-260.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 1654</text>\n<text text-anchor=\"middle\" x=\"20316.5\" y=\"-245.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [1449, 0, 205, 0]</text>\n<text text-anchor=\"middle\" x=\"20316.5\" y=\"-230.8\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">class = &lt;=50K</text>\n</g>\n<!-- 576&#45;&gt;577 -->\n<g id=\"edge577\" class=\"edge\">\n<title>576&#45;&gt;577</title>\n<path fill=\"none\" stroke=\"#000000\" d=\"M20455.6532,-341.8796C20437.7337,-331.915 20418.488,-321.2129 20400.197,-311.0418\"/>\n<polygon fill=\"#000000\" stroke=\"#000000\" points=\"20401.7452,-307.898 20391.3046,-306.0969 20398.3432,-314.0158 20401.7452,-307.898\"/>\n</g>\n<!-- 582 -->\n<g id=\"node583\" class=\"node\">\n<title>582</title>\n<path fill=\"#e58139\" stroke=\"#000000\" d=\"M20592,-298.5C20592,-298.5 20469,-298.5 20469,-298.5 20463,-298.5 20457,-292.5 20457,-286.5 20457,-286.5 20457,-242.5 20457,-242.5 20457,-236.5 20463,-230.5 20469,-230.5 20469,-230.5 20592,-230.5 20592,-230.5 20598,-230.5 20604,-236.5 20604,-242.5 20604,-242.5 20604,-286.5 20604,-286.5 20604,-292.5 20598,-298.5 20592,-298.5\"/>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-283.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">entropy = 0.0</text>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-268.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">samples = 127</text>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-253.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.00\" fill=\"#000000\">value = [127, 0, 0, 0]</text>\n<text text-anchor=\"middle\" x=\"20530.5\" y=\"-238.3\" font-family=\"Helvetica,sans-Serif\" font-size=\"14.0
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment